Home
last modified time | relevance | path

Searched +full:matrix +full:- +full:vector (Results 1 – 25 of 429) sorted by relevance

12345678910>>...18

/llvm-project/mlir/test/Dialect/SPIRV/IR/
H A Dmatrix-ops.mlir1 // RUN: mlir-opt -allow-unregistered-dialect -split-input-file -verify-diagnostics %s | FileCheck %s
4 // CHECK-LABE
[all...]
H A Dtypes.mlir1 // RUN: mlir-opt -split-input-file -verify-diagnostics %s | FileCheck %s
5 //===----------------------------------------------------------------------===//
7 //===----------------------------------------------------------------------===//
10 func.func private @scalar_array_type(!spirv.array<16xf32>, !spirv.array<8 x i32>) -> ()
12 // CHECK: func private @vector_array_type(!spirv.array<32 x vector<4xf32>>)
13 func.func private @vector_array_type(!spirv.array< 32 x vector<4xf32> >) -> ()
16 … private @array_type_stride(!spirv.array< 4 x !spirv.array<4 x f32, stride=4>, stride = 128>) -> ()
18 // -----
20 // expected-error @+1 {{expected '<'}}
21 func.func private @missing_left_angle_bracket(!spirv.array 4xf32>) -> ()
[all …]
/llvm-project/mlir/test/Target/SPIRV/
H A Dmatrix.mlir1 // RUN: mlir-translate -no-implicit-module -split-input-file -test-spirv-roundtri
[all...]
/llvm-project/llvm/include/llvm/CodeGen/PBQP/
H A DMath.h1 //===- Math.h - PBQP Vector and Matrix classes ------------------*- C++ -*-===//
5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
7 //===----------------------------------------------------------------------===//
24 /// PBQP Vector class.
25 class Vector {
26 friend hash_code hash_value(const Vector &);
29 /// Construct a PBQP vector of the given size.
30 explicit Vector(unsigned Length) in Vector() function
33 /// Construct a PBQP vector with initializer.
34 Vector(unsigned Length, PBQPNum InitVal) in Vector() function
[all …]
H A DReductionRules.h1 //===- ReductionRules.h - Reduction Rules -----------------------*- C++ -*-===//
5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
7 //===----------------------------------------------------------------------===//
11 //===----------------------------------------------------------------------===//
33 using Vector = typename GraphT::Vector; in applyR1() local
34 using Matrix = typename GraphT::Matrix; in applyR1() local
43 const Matrix &ECosts = G.getEdgeCosts(EId); in applyR1()
44 const Vector &XCosts = G.getNodeCosts(NId); in applyR1()
77 using Vector = typename GraphT::Vector; in applyR2() local
78 using Matrix = typename GraphT::Matrix; in applyR2() local
[all …]
/llvm-project/llvm/test/Verifier/
H A Dmatrix-intrinsics.ll1 ; RUN: not llvm-as < %s -o /dev/null 2>&1 | FileCheck %s
5 ; CHECK-NEXT: Result of a matrix operation does not fit in the returned vector!
6 ; CHECK-NEXT: Result of a matrix operation does not fit in the returned vector!
7 ; CHECK-NEXT: Result of a matrix operation does not fit in the returned vector!
8 ; CHECK-NEXT: immarg operand has non-immediate parameter
9 ; CHECK-NEXT: i32 %arg
10 ; CHECK-NEXT: %result.3 = call <4 x float> @llvm.matrix.transpose.v4f32(<4 x float> %result.2, i3…
11 ; CHECK-NEXT: immarg operand has non-immediate parameter
12 ; CHECK-NEXT: i32 %arg
13 ; CHECK-NEXT: %result.4 = call <4 x float> @llvm.matrix.transpose.v4f32(<4 x float> %result.3, i3…
[all …]
/llvm-project/mlir/test/Integration/Dialect/Vector/CPU/
H A Dcontraction.mlir1 // RUN: mlir-opt %s -test-lower-to-llvm | \
2 // RUN: mlir-runner -e entry -entry-point-resul
[all...]
H A Dmatrix-multiply-col.mlir1 // RUN: mlir-opt %s -test-lower-to-llvm | \
2 // RUN: mlir-runner -e entry -entry-point-resul
[all...]
H A Dmatrix-multiply-row.mlir1 // RUN: mlir-opt %s -test-lower-to-llvm | \
2 // RUN: mlir-runner -e entry -entry-point-resul
[all...]
H A Dflat-transpose-row.mlir1 // RUN: mlir-opt %s -test-lower-to-llvm | \
2 // RUN: mlir-runner -e entry -entry-point-resul
[all...]
H A Dflat-transpose-col.mlir1 // RUN: mlir-opt %s -test-lower-to-llvm | \
2 // RUN: mlir-runner -e entry -entry-point-resul
[all...]
/llvm-project/mlir/include/mlir/Dialect/SPIRV/IR/
H A DSPIRVMatrixOps.td1 //===-- SPIRVMatrixOps.td - MLIR SPIR-V Matrix Ops -----
[all...]
/llvm-project/mlir/include/mlir/Dialect/ArmNeon/
H A DArmNeon.td1 //===-- ArmNeonOps.td - ArmNeon dialect op definitions -----*- tablegen -*
[all...]
/llvm-project/mlir/include/mlir/Dialect/NVGPU/Utils/
H A DMMAUtils.h1 //===-- MMAUtils.h - MLIR NVGPU dialect utilities for MMA operations-------===//
5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
7 //===----------------------------------------------------------------------===//
10 // (e.g. Vector) to `nvgpu.mma.*` dialect operations.
12 //===----------------------------------------------------------------------===//
17 #include "mlir/Dialect/Vector/IR/VectorOps.h"
28 /// Returns the first user of the `op` that is vector.contract. If no
29 /// vector.contract user exists, return failure.
30 FailureOr<vector::ContractionOp> getUserContract(Operation *op);
32 /// Collects information about a warp-level matrix operand represented by a
[all …]
/llvm-project/llvm/test/Transforms/LowerMatrixIntrinsics/
H A Ddot-product-float.ll2 ; REQUIRES: aarch64-registered-target
3 ; RUN: opt -passes='lower-matrix-intrinsics' -mtriple=arm64-apple-iphoneos -S < %s | FileCheck %s
6 ; CHECK-LABEL: @dotproduct_float_v6(
7 ; CHECK-NEXT: entry:
8 ; CHECK-NEXT: [[TMP0:%.*]] = fmul <6 x float> [[A:%.*]], [[B:%.*]]
9 ; CHECK-NEXT: [[TMP1:%.*]] = call fast float @llvm.vector.reduce.fadd.v6f32(float 0.000000e+00, …
10 ; CHECK-NEXT: [[TMP2:%.*]] = insertelement <1 x float> poison, float [[TMP1]], i64 0
11 ; CHECK-NEXT: ret <1 x float> [[TMP2]]
14 …%c = tail call fast <1 x float> @llvm.matrix.multiply.v1f32.v6f32.v6f32(<6 x float> %a, <6 x float…
18 declare <1 x float> @llvm.matrix.multiply.v1f32.v6f32.v6f32(<6 x float>, <6 x float>, i32, i32, i32)
[all …]
/llvm-project/third-party/unittest/googlemock/src/
H A Dgmock-matchers.cc30 // Google Mock - a framework for writing C++ mock classes.
35 #include "gmock/gmock-matchers.h"
42 #include <vector>
48 // macro where the user-supplied description string is "", if
51 // that are the print-out of the matcher's parameters.
54 const std::vector<const char*>& param_names, const Strings& param_values) { in FormatMatcherDescription()
64 // Uses the well-known Ford-Fulkerson max flow method to find a maximum
72 // a vector<int> called 'left_' whose elements are initialized to the
76 // - An edge from source to each left_ node
77 // - An edge from each right_ node to sink
[all …]
/llvm-project/mlir/include/mlir/Analysis/Presburger/
H A DMatrix.h1 //===- Matrix.h - MLIR Matrix Class -----------------------------*- C++ -*-===//
5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
7 //===----------------------------------------------------------------------===//
9 // This is a simple 2D matrix class that supports reading, writing, resizing,
13 //===----------------------------------------------------------------------===//
30 /// This is a class to represent a resizable matrix.
33 /// stored as a single 1D array, viewed as a 2D matrix with nRows rows and
39 /// method implementations are in the Matrix.cpp file. Only these two types have
42 class Matrix {
47 Matrix() = delete;
[all …]
/llvm-project/mlir/include/mlir/Dialect/ArmSVE/IR/
H A DArmSVE.td1 //===-- ArmSVE.td - ArmSVE dialect operation definitions ---*- tablegen -*-===//
5 // SPDX-Licens
[all...]
/llvm-project/clang/test/SemaCXX/
H A Dcxx11-call-to-deleted-constructor.cpp1 // RUN: %clang_cc1 -std=c++11 -fsyntax-only -verify %s
10 class Matrix { class
17 template <class VT, unsigned int SIZE> using Vector = Matrix<VT, SIZE, 1>; typedef
20 using RGBValue = Vector<VT, 3>;
23 template <class VT> class Matrix<VT, 0, 0> { // expected-note {{passing argument to parameter here}} class
26 Matrix(const unsigned int nRows, const unsigned int nColumns, const value_type* data = nullptr);
28Matrix(const std::initializer_list<value_type>& list) = delete; // expected-note {{'Matrix' has be…
34 Matrix<double> winI(0, 3); in getLaplacianClosedForm()
36 …winI = { inputPreL->at() }; // expected-error {{call to deleted constructor of 'Matrix<double> &&'… in getLaplacianClosedForm()
/llvm-project/mlir/unittests/Analysis/Presburger/
H A DUtils.h1 //===- Utils.h - Utils for Presburger Tests ---------------------*- C++ -*-===//
5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
7 //===----------------------------------------------------------------------===//
11 //===----------------------------------------------------------------------===//
18 #include "mlir/Analysis/Presburger/Matrix.h"
29 ArrayRef<SmallVector<int, 8>> matrix) { in makeIntMatrix() argument
31 assert(matrix.size() == numRow); in makeIntMatrix()
33 assert(matrix[i].size() == numColumns && in makeIntMatrix()
36 results(i, j) = DynamicAPInt(matrix[i][j]); in makeIntMatrix()
42 ArrayRef<SmallVector<Fraction, 8>> matrix) { in makeFracMatrix() argument
[all …]
/llvm-project/llvm/test/Transforms/InstCombine/
H A Dmatrix-multiplication-negation.ll2 ; RUN: opt < %s -passes=instcombine -S | FileCheck %s
4 ; The result has the fewest vector elements between the result and the two operands so the negation can be moved there
6 ; CHECK-LABEL: @test_negation_move_to_result(
7 ; CHECK-NEXT: [[TMP1:%.*]] = call <2 x double> @llvm.matrix.multiply.v2f64.v6f64.v3f64(<6 x double> [[A:%.*]], <3 x double> [[B:%.*]], i32 2, i32 3, i32 1)
8 ; CHECK-NEXT: [[RES:%.*]] = fneg <2 x double> [[TMP1]]
9 ; CHECK-NEXT: ret <2 x double> [[RES]]
12 %res = tail call <2 x double> @llvm.matrix.multiply.v2f64.v6f64.v3f64(<6 x double> %a.neg, <3 x double> %b, i32 2, i32 3, i32 1)
16 ; The result has the fewest vector element
[all...]
/llvm-project/mlir/test/Dialect/NVGPU/
H A Dinvalid.mlir1 // RUN: mlir-opt -split-input-file -verify-diagnostics %s
3 func.func @ldmatrix_address_space_f16_x4(%arg0: memref<128x128xf16, 2>) -> vector<4x1xf16> {
5 // expected-error @below {{expected nvgpu.ldmatrix srcMemref must have a memory space attribute of IntegerAttr(3) or gpu::AddressSpaceAttr(Workgroup)}}
6 %a = nvgpu.ldmatrix %arg0[%c0, %c0] {transpose = false, numTiles = 4 : i32} : memref<128x128xf16, 2> -> vecto
[all...]
/llvm-project/mlir/include/mlir/Dialect/NVGPU/IR/
H A DNVGPU.td1 //===-- NVGPU.td - NVGPU dialect operation definitions *- tablegen -*-----
[all...]
/llvm-project/llvm/lib/Transforms/Scalar/
H A DLowerMatrixIntrinsics.cpp1 //===- LowerMatrixIntrinsics.cpp - Lower matrix intrinsics -----*- C++ -*
1135 Value *Vector = Builder.CreateAlignedLoad( loadMatrix() local
1227 LowerStore(Instruction * Inst,Value * Matrix,Value * Ptr,MaybeAlign A,Value * Stride,bool IsVolatile,ShapeInfo Shape) LowerStore() argument
1243 Value *Matrix = Inst->getArgOperand(0); LowerColumnMajorStore() local
1312 finalizeLowering(Instruction * Inst,MatrixTy Matrix,IRBuilder<> & Builder) finalizeLowering() argument
[all...]
/llvm-project/lldb/docs/use/
H A Daarch64-linux.rst

12345678910>>...18