├── .circleci └── config.yml ├── .clang-format ├── .clang-tidy ├── .gitignore ├── CMakeLists.txt ├── LICENSE ├── Readme.md ├── check_all_files.sh ├── cmake ├── RaspberryPi.cmake ├── clang-format.cmake ├── clang.cmake ├── cpplog.cmake ├── cpptest-lite.cmake ├── crosscompile.cmake ├── deb-postint.in ├── deb-prerem.in ├── flags.cmake ├── libclang.cmake ├── libllvm.cmake ├── packaging.cmake ├── sanitizers.cmake ├── spirv-headers.cmake ├── spirv.cmake ├── tool_paths.h.in └── variant.cmake ├── collect_coverage.sh ├── doc ├── C99-n1256.pdf ├── SPIRV-1.3.5.pdf ├── TODO.txt ├── VideoCoreIV-AG100-R.pdf ├── ieee-754-2008.pdf ├── opencl-1.2-extensions.pdf ├── opencl-1.2.pdf ├── opencl-2.0-extensions.pdf ├── opencl-2.0.pdf ├── opencl-2.1-openclc++.pdf ├── opencl-2.2-environment.pdf ├── sfu_accuracy.txt ├── tests.txt └── thesis.pdf ├── example ├── SHA-256.cl ├── fft2_2.cl ├── fibonacci.cl ├── fibonacci.ir ├── fibonacci.spt ├── fibonacci_vector.ir ├── hello_world.cl ├── hello_world.ir ├── hello_world_constant.cl ├── hello_world_vector.cl ├── hello_world_vector.ir ├── hello_world_vector_rpi.ir ├── histogram.cl ├── md5.cl ├── test.cl ├── test_cl.cl ├── test_instructions.cl └── test_prime.cl ├── include ├── CompilationError.h ├── Compiler.h ├── Precompiler.h ├── VC4C.h ├── config.h └── tools.h ├── scripts ├── clang-format-diff.sh ├── run_clang_analyzer.sh └── run_clang_tidy.sh ├── src ├── BasicBlock.cpp ├── BasicBlock.h ├── BitMask.h ├── Bitfield.h ├── CMakeLists.txt ├── CompilationError.cpp ├── Compiler.cpp ├── CompilerInstance.h ├── Disassembler.cpp ├── Expression.cpp ├── Expression.h ├── GlobalValues.cpp ├── GlobalValues.h ├── Graph.h ├── HalfType.cpp ├── HalfType.h ├── InstructionWalker.cpp ├── InstructionWalker.h ├── KernelMetaData.h ├── Locals.cpp ├── Locals.h ├── Logger.h ├── Method.cpp ├── Method.h ├── Module.cpp ├── Module.h ├── Optional.h ├── Parser.h ├── ProcessUtil.cpp ├── ProcessUtil.h ├── Profiler.cpp ├── Profiler.h ├── Register.cpp ├── Register.h ├── SIMDVector.cpp ├── SIMDVector.h ├── ThreadPool.cpp ├── ThreadPool.h ├── Types.cpp ├── Types.h ├── Units.h ├── Values.cpp ├── Values.h ├── Variant.h ├── analysis │ ├── Analysis.h │ ├── AvailableExpressionAnalysis.cpp │ ├── AvailableExpressionAnalysis.h │ ├── ControlFlowGraph.cpp │ ├── ControlFlowGraph.h │ ├── ControlFlowLoop.cpp │ ├── ControlFlowLoop.h │ ├── DataDependencyGraph.cpp │ ├── DataDependencyGraph.h │ ├── DebugGraph.cpp │ ├── DebugGraph.h │ ├── DependencyGraph.cpp │ ├── DependencyGraph.h │ ├── DominatorTree.cpp │ ├── DominatorTree.h │ ├── FlagsAnalysis.cpp │ ├── FlagsAnalysis.h │ ├── InterferenceGraph.cpp │ ├── InterferenceGraph.h │ ├── LivenessAnalysis.cpp │ ├── LivenessAnalysis.h │ ├── MemoryAnalysis.cpp │ ├── MemoryAnalysis.h │ ├── PatternMatching.cpp │ ├── PatternMatching.h │ ├── RegisterAnalysis.cpp │ ├── RegisterAnalysis.h │ ├── ValueRange.cpp │ ├── ValueRange.h │ ├── WorkItemAnalysis.cpp │ ├── WorkItemAnalysis.h │ └── sources.list ├── asm │ ├── ALUInstruction.cpp │ ├── ALUInstruction.h │ ├── BranchInstruction.cpp │ ├── BranchInstruction.h │ ├── CodeGenerator.cpp │ ├── CodeGenerator.h │ ├── GraphColoring.cpp │ ├── GraphColoring.h │ ├── Instruction.cpp │ ├── Instruction.h │ ├── KernelInfo.cpp │ ├── KernelInfo.h │ ├── LoadInstruction.cpp │ ├── LoadInstruction.h │ ├── OpCodes.cpp │ ├── OpCodes.h │ ├── RegisterAllocation.h │ ├── RegisterFixes.cpp │ ├── RegisterFixes.h │ ├── SemaphoreInstruction.cpp │ ├── SemaphoreInstruction.h │ └── sources.list ├── concepts.h ├── helper.h ├── intermediate │ ├── Branching.cpp │ ├── Helper.cpp │ ├── Helper.h │ ├── Instruction.cpp │ ├── IntermediateInstruction.h │ ├── LoadImmediate.cpp │ ├── MemoryInstruction.cpp │ ├── MethodCall.cpp │ ├── Operations.cpp │ ├── Synchronization.cpp │ ├── TypeConversions.cpp │ ├── TypeConversions.h │ ├── VectorHelper.cpp │ ├── VectorHelper.h │ ├── operators.h │ └── sources.list ├── intrinsics │ ├── Comparisons.cpp │ ├── Comparisons.h │ ├── Images.cpp │ ├── Images.h │ ├── Intrinsics.cpp │ ├── Intrinsics.h │ ├── Operators.cpp │ ├── Operators.h │ ├── WorkItems.cpp │ ├── WorkItems.h │ └── sources.list ├── llvm │ ├── BitcodeReader.cpp │ ├── BitcodeReader.h │ ├── LLVMInstruction.cpp │ ├── LLVMInstruction.h │ └── sources.list ├── main.cpp ├── normalization │ ├── AddressCalculation.cpp │ ├── AddressCalculation.h │ ├── Inliner.cpp │ ├── Inliner.h │ ├── LiteralValues.cpp │ ├── LiteralValues.h │ ├── LongOperations.cpp │ ├── LongOperations.h │ ├── MemoryAccess.cpp │ ├── MemoryAccess.h │ ├── MemoryMapChecks.cpp │ ├── MemoryMappings.cpp │ ├── MemoryMappings.h │ ├── Normalizer.cpp │ ├── Normalizer.h │ ├── Rewrite.cpp │ ├── Rewrite.h │ └── sources.list ├── optimization │ ├── Combiner.cpp │ ├── Combiner.h │ ├── ControlFlow.cpp │ ├── ControlFlow.h │ ├── Eliminator.cpp │ ├── Eliminator.h │ ├── Flags.cpp │ ├── Flags.h │ ├── InstructionScheduler.cpp │ ├── InstructionScheduler.h │ ├── Memory.cpp │ ├── Memory.h │ ├── Optimizer.cpp │ ├── Optimizer.h │ ├── Peephole.cpp │ ├── Peephole.h │ ├── Reordering.cpp │ ├── Reordering.h │ ├── Vector.cpp │ ├── Vector.h │ └── sources.list ├── performance.h ├── periphery │ ├── CacheEntry.cpp │ ├── CacheEntry.h │ ├── RegisterLoweredMemory.cpp │ ├── RegisterLoweredMemory.h │ ├── SFU.cpp │ ├── SFU.h │ ├── TMU.cpp │ ├── TMU.h │ ├── VPM.cpp │ ├── VPM.h │ └── sources.list ├── precompilation │ ├── ClangLibrary.cpp │ ├── CompilationData.h │ ├── FrontendCompiler.cpp │ ├── FrontendCompiler.h │ ├── LLVMLibrary.cpp │ ├── LLVMLibrary.h │ ├── Precompiler.cpp │ ├── TemporaryFile.cpp │ └── sources.list ├── shared │ ├── BinaryHeader.cpp │ └── BinaryHeader.h ├── signals.cpp ├── sources.list ├── spirv │ ├── SPIRVBuiltins.cpp │ ├── SPIRVBuiltins.h │ ├── SPIRVHelper.cpp │ ├── SPIRVHelper.h │ ├── SPIRVLexer.cpp │ ├── SPIRVLexer.h │ ├── SPIRVOperation.cpp │ ├── SPIRVOperation.h │ ├── SPIRVParserBase.cpp │ ├── SPIRVParserBase.h │ ├── SPIRVToolsParser.cpp │ ├── SPIRVToolsParser.h │ └── sources.list └── tools │ ├── Emulator.cpp │ ├── Emulator.h │ ├── SmallMap.h │ ├── SmallSet.h │ ├── options.cpp │ └── sources.list ├── test ├── ArithmeticTests.cpp ├── CMakeLists.txt ├── ConversionTests.cpp ├── EmulationRunner.h ├── FloatTests.cpp ├── IntegerTests.cpp ├── MathTests.cpp ├── MemoryTests.cpp ├── RegressionTest.cpp ├── RegressionTest.h ├── RelationalTests.cpp ├── TestAnalyses.cpp ├── TestAnalyses.h ├── TestCompilationHelper.h ├── TestCustomContainers.cpp ├── TestCustomContainers.h ├── TestData.cpp ├── TestData.h ├── TestEmulator.cpp ├── TestEmulator.h ├── TestEntries.h ├── TestExpressions.cpp ├── TestExpressions.h ├── TestFrontends.cpp ├── TestFrontends.h ├── TestGraph.cpp ├── TestGraph.h ├── TestInstructions.cpp ├── TestInstructions.h ├── TestIntrinsics.cpp ├── TestIntrinsics.h ├── TestMathFunctions.cpp ├── TestMathFunctions.h ├── TestOperators.cpp ├── TestOperators.h ├── TestOptimizationSteps.cpp ├── TestOptimizationSteps.h ├── TestOptimizations.cpp ├── TestOptimizations.h ├── TestPatternMatching.cpp ├── TestPatternMatching.h ├── TestRegisterFixes.cpp ├── TestRegisterFixes.h ├── VectorTests.cpp ├── emulation_helper.h ├── opcode_pack_test.h ├── opcode_test.h ├── sources.list ├── test.cpp ├── test_files.cmake └── unpack_test.h ├── testing ├── BabelStream │ └── OCLStream.cl ├── CLTune │ ├── compile_all.sh │ ├── conv.opencl │ ├── conv_reference.opencl │ ├── conv_simple_kernel.opencl │ ├── gemm.opencl │ ├── gemm_reference.opencl │ ├── multiple_kernels_reference.opencl │ ├── multiple_kernels_tiled.opencl │ ├── multiple_kernels_unroll.opencl │ └── simple_kernel.opencl ├── FFmpeg │ ├── overlay.cl │ └── unsharp.cl ├── HandBrake │ ├── frame_h_scale.cl │ ├── frame_scale.cl │ ├── frame_v_scale.cl │ ├── hscale_all_opencl.cl │ ├── hscale_fast_opencl.cl │ ├── nv12toyuv.cl │ ├── openclkernels.cl │ ├── vscale_all_dither_opencl.cl │ ├── vscale_all_nodither_opencl.cl │ ├── vscale_fast_opencl.cl │ └── yaif_filter.cl ├── HandsOnOpenCL │ ├── matmul.cl │ └── pi_ocl.cl ├── JohnTheRipper │ ├── 7z_kernel.cl │ ├── DES_bs_finalize_keys_kernel.cl │ ├── DES_bs_hash_checking_kernel.cl │ ├── DES_bs_kernel.cl │ ├── DES_bs_kernel_f.cl │ ├── DES_bs_kernel_h.cl │ ├── agile_kernel.cl │ ├── bf_cpu_kernel.cl │ ├── bf_kernel.cl │ ├── bitlocker_kernel.cl │ ├── cryptmd5_kernel.cl │ ├── cryptsha256_kernel_DEFAULT.cl │ ├── cryptsha256_kernel_GPU.cl │ ├── cryptsha512_kernel_DEFAULT.cl │ ├── cryptsha512_kernel_GPU.cl │ ├── enpass_kernel.cl │ ├── fvde_kernel.cl │ ├── gpg_kernel.cl │ ├── iwork_kernel.cl │ ├── keyring_kernel.cl │ ├── keystore_kernel.cl │ ├── krb5pa-md5_kernel.cl │ ├── lm_kernel_b.cl │ ├── lm_kernel_f.cl │ ├── lotus5_kernel.cl │ ├── md4_kernel.cl │ ├── md5_kernel.cl │ ├── mscash_kernel.cl │ ├── nt_kernel.cl │ ├── ntlmv2_kernel.cl │ ├── o5logon_kernel.cl │ ├── odf_aes_kernel.cl │ ├── office_kernel.cl │ ├── oldoffice_kernel.cl │ ├── opencl-autotune.h │ ├── opencl_DES_bs.h │ ├── opencl_DES_hst_dev_shared.h │ ├── opencl_DES_kernel_params.h │ ├── opencl_aes.h │ ├── opencl_bf_std.h │ ├── opencl_bitlocker.h │ ├── opencl_cryptsha256.h │ ├── opencl_cryptsha512.h │ ├── opencl_device_info.h │ ├── opencl_hash_check_128.h │ ├── opencl_lm.h │ ├── opencl_lm_finalize_keys.h │ ├── opencl_lm_hst_dev_shared.h │ ├── opencl_lm_kernel_params.h │ ├── opencl_lotus5_fmt.h │ ├── opencl_mask.h │ ├── opencl_mask_extras.h │ ├── opencl_md4.h │ ├── opencl_md5.h │ ├── opencl_misc.h │ ├── opencl_mscash2_helper_plug.h │ ├── opencl_nonstd.h │ ├── opencl_pbkdf1_hmac_sha1.h │ ├── opencl_pbkdf2_hmac_md4.h │ ├── opencl_pbkdf2_hmac_md5.h │ ├── opencl_pbkdf2_hmac_sha1.h │ ├── opencl_rawsha256.h │ ├── opencl_rawsha512.h │ ├── opencl_rc4.h │ ├── opencl_ripemd.h │ ├── opencl_sboxes-s.h │ ├── opencl_sboxes.h │ ├── opencl_sha1.h │ ├── opencl_sha1_ctx.h │ ├── opencl_sha2.h │ ├── opencl_sha256.h │ ├── opencl_sha2_common.h │ ├── opencl_sha512.h │ ├── opencl_unicode.h │ ├── pbkdf1_hmac_sha1_kernel.cl │ ├── pbkdf2_hmac_md4_kernel.cl │ ├── pbkdf2_hmac_md5_kernel.cl │ ├── pbkdf2_hmac_sha1_kernel.cl │ ├── pbkdf2_hmac_sha1_unsplit_kernel.cl │ ├── pbkdf2_hmac_sha256_kernel.cl │ ├── pbkdf2_hmac_sha512_kernel.cl │ ├── pbkdf2_kernel.cl │ ├── pbkdf2_ripemd160_kernel.cl │ ├── phpass_kernel.cl │ ├── pwsafe_kernel.cl │ ├── rakp_kernel.cl │ ├── rar_kernel.cl │ ├── salted_sha_kernel.cl │ ├── sha1_kernel.cl │ ├── sha256_kernel.cl │ ├── sha512_gpl_kernel.cl │ ├── sha512_kernel.cl │ ├── wpapsk_kernel.cl │ └── xsha512_kernel.cl ├── MIOpen │ ├── MIOpenBatchNormBwdPerAct.cl │ ├── MIOpenBatchNormBwdSpatial.cl │ ├── MIOpenBatchNormFwdInferPerAct.cl │ ├── MIOpenBatchNormFwdInferSpatial.cl │ ├── MIOpenBatchNormFwdTrainPerAct.cl │ ├── MIOpenBatchNormFwdTrainSpatial.cl │ ├── MIOpenConv1x1.cl │ ├── MIOpenConv1x1J1.cl │ ├── MIOpenConv1x1J1_stride.cl │ ├── MIOpenConv1x1S.cl │ ├── MIOpenConvBwdBias.cl │ ├── MIOpenConvBwdWrW1x1.cl │ ├── MIOpenConvBwdWrW1x1Mmap.cl │ ├── MIOpenConvBwdWrWS2.cl │ ├── MIOpenConvBwdWrW_LxG_5x5.cl │ ├── MIOpenConvBwdWrW_LxG_P53.cl │ ├── MIOpenConvBwdWrW_LxL_P.cl │ ├── MIOpenConvD3x3.cl │ ├── MIOpenConvDirGenFwd.cl │ ├── MIOpenConvDirUni.cl │ ├── MIOpenConvDirUniC.cl │ ├── MIOpenConvFFT.cl │ ├── MIOpenConvFwd_LxL_11.cl │ ├── MIOpenLRNBwd.cl │ ├── MIOpenLRNFwd.cl │ ├── MIOpenNeuron.cl │ ├── MIOpenPooling.cl │ ├── MIOpenPoolingBwd.cl │ ├── MIOpenSoftmax.cl │ ├── MIOpenTensorKernels.cl │ ├── MIOpenTensorScaleKernel.cl │ ├── MIOpenUtilKernels.cl │ └── MIOpenUtilKernels2.cl ├── NVIDIA │ ├── BitonicSort.cl │ ├── BitonicSort_b.cl │ ├── BlackScholes.cl │ ├── BoxFilter.cl │ ├── ConvolutionSeparable.cl │ ├── DCT8x8.cl │ ├── DXTCompression.cl │ ├── DotProduct.cl │ ├── FDTD3d.cl │ ├── Histogram256.cl │ ├── Histogram64.cl │ ├── MedianFilter.cl │ ├── MersenneTwister.cl │ ├── Particles.cl │ ├── PostprocessGL.cl │ ├── QuasirandomGenerator.cl │ ├── RadixSort.cl │ ├── RecursiveGaussian.cl │ ├── Scan.cl │ ├── Scan_b.cl │ ├── SobelFilter.cl │ ├── VectorAdd.cl │ ├── VectorHypot.cl │ ├── Viterbi.cl │ ├── cyclic_kernels.cl │ ├── marchingCubes_kernel.cl │ ├── matrixMul.cl │ ├── oclMatVecMul.cl │ ├── oclNbodyKernel.cl │ ├── oclReduction_kernel.cl │ ├── oclSimpleTexture3D_kernel.cl │ ├── pcr_kernels.cl │ ├── simpleGL.cl │ ├── simpleMultiGPU.cl │ ├── sweep_kernels.cl │ ├── texture_2d.cl │ ├── texture_cube.cl │ ├── texture_volume.cl │ ├── transpose.cl │ └── volumeRender.cl ├── OpenCL-CTS │ ├── abs_diff.cl │ ├── astype.cl │ ├── async_copy_global_to_local.cl │ ├── atomic_add_sub_cmpxchg.cl │ ├── barrier.cl │ ├── clamp.cl │ ├── constant.cl │ ├── constant_source.cl │ ├── cross_product.cl │ ├── explicit_s2v_char8.cl │ ├── integer_add_sat.cl │ ├── kernel_arg_info.cl │ ├── kernel_memory_alignments.cl │ ├── local_kernel_scope.cl │ ├── loop.cl │ ├── min_max_constant_args.cl │ ├── parameter_types.cl │ ├── pointer_cast.cl │ ├── quick_1d_explicit_load.cl │ ├── shuffle_array_cast.cl │ ├── shuffle_builtin_dual_input.cl │ ├── shuffle_copy.cl │ ├── sub_buffers_read_write.cl │ ├── sub_sat.cl │ ├── test_half.cl │ ├── test_local.cl │ ├── test_select.cl │ ├── test_vload.cl │ ├── uchar_compare.cl │ ├── vec_align.cl │ ├── vecstep.cl │ ├── vector_creation.cl │ ├── vload_private.cl │ ├── vstore_global.cl │ ├── vstore_private.cl │ └── work_item_functions.cl ├── OpenCL-caffe │ └── caffe_gpu_memset.cl ├── OpenCLIPP │ ├── Arithmetic.cl │ ├── Base.h │ ├── Blob.cl │ ├── Buffers.h │ ├── Convert.cl │ ├── Filters.cl │ ├── Histogram.cl │ ├── ImageProximity.cl │ ├── ImageProximityFFT.cl │ ├── Integral.cl │ ├── Logic.cl │ ├── Lut.cl │ ├── Median.h │ ├── Morphology.cl │ ├── Statistics.cl │ ├── Thresholding.cl │ ├── Transform.cl │ └── Vector.h ├── OpenCV │ ├── arithm.cl │ ├── color_lab.cl │ ├── compile_all.sh │ ├── convert.cl │ ├── copymakeborder.cl │ ├── copymakeborder.cl.ir │ ├── copyset.cl │ ├── cvtclr_dx.cl │ ├── fft.cl │ ├── flip.cl │ ├── gemm.cl │ ├── inrange.cl │ ├── lut.cl │ ├── meanstddev.cl │ ├── minmaxloc.cl │ ├── mixchannels.cl │ ├── mulspectrums.cl │ ├── mulspectrums.cl.ir │ ├── normalize.cl │ ├── opencv-lut-mat.cl │ ├── reduce.cl │ ├── reduce2.cl │ ├── repeat.cl │ ├── set_identity.cl │ ├── set_identity.cl.ir │ ├── split_merge.cl │ ├── transpose.cl │ └── transpose.cl.ir ├── ViennaCL │ └── scalar-test.cl ├── bfgminer │ ├── diablo.cl │ ├── diakgcn.cl │ ├── keccak.cl │ ├── phatk.cl │ ├── poclbm.cl │ ├── psw.cl │ ├── scrypt.cl │ └── zuikkis.cl ├── blender │ ├── kernel.cl │ ├── kernel_background_buffer_update.cl │ ├── kernel_data_init.cl │ ├── kernel_direct_lighting.cl │ ├── kernel_holdout_emission_blurring_pathtermination_ao.cl │ ├── kernel_lamp_emission.cl │ ├── kernel_next_iteration_setup.cl │ ├── kernel_queue_enqueue.cl │ ├── kernel_scene_intersect.cl │ ├── kernel_shader_eval.cl │ ├── kernel_shadow_blocked.cl │ └── kernel_sum_all_radiance.cl ├── boost-compute │ ├── adjacent_difference.cl │ ├── adjacent_find.cl │ ├── copy_on_device.cl │ ├── functional_identity.cl │ ├── initial_reduce.cl │ ├── linear_congruential_engine.cl │ ├── test_accumulate.cl │ ├── test_any_all_none_of.cl │ ├── test_binary_search.cl │ ├── test_closure.cl │ ├── test_copy_if.cl │ ├── test_count.cl │ ├── test_extrema.cl │ ├── test_function.cl │ ├── test_functional_bind.cl │ ├── test_functional_popcount.cl │ ├── test_gather.cl │ ├── test_inner_product.cl │ ├── test_inplace_reduce.cl │ ├── test_insertion_sort.cl │ ├── test_iota.cl │ ├── test_lambda.cl │ ├── test_merge.cl │ ├── test_radix_sort.cl │ ├── test_reduce.cl │ ├── test_reduce_by_key.cl │ ├── test_search.cl │ ├── test_sort_by_transform.cl │ ├── test_threefy_engine.cl │ ├── test_transform1.cl │ ├── test_transform2.cl │ ├── test_transform_reduce.cl │ ├── test_unique_copy.cl │ ├── test_valarray.cl │ ├── test_vector.cl │ ├── test_zip_iterator.cl │ ├── threefry_engine.cl │ └── user_defined_types.cl ├── bugs │ ├── 142_rotation_validation.cl │ ├── 30_local_memory.cl │ ├── 33_floating_point_folding.cl │ ├── 35_benchmark.cl │ ├── 44_uniform_optimization.cl │ ├── 46_unsupported_builtin.cl │ ├── 48_load_small_immediate.cl │ ├── 50_block_flattening.cl │ ├── 51_fuse_instructions.cl │ ├── 54_invalid_results.cl │ ├── 68_remove_moves_of_r4.cl │ ├── 69_additions_to_multiplication.cl │ ├── 97_loop.cl │ ├── mcx_core.cl │ ├── vc4cl_27_wrong_result.cl │ ├── vc4cl_29_add_error.ll │ ├── vc4cl_31_vload4.cl │ ├── vc4cl_41_hang.cl │ ├── vc4cl_41_slow_memory_access.cl │ ├── vc4cl_42_result_error.cl │ ├── vc4cl_67_dot_product.cl │ ├── vc4cl_83_validation_error.cl │ └── vc4cl_85_sat_add.cl ├── bullet │ ├── jointSolver.cl │ ├── solveContact.cl │ └── solveFriction.cl ├── cgminer │ ├── diablo130302.cl │ ├── diakgcn121016.cl │ ├── phatk121016.cl │ ├── poclbm130302.cl │ └── scrypt130511.cl ├── clNN │ ├── SoftMax.cl │ ├── SpatialAveragePooling.cl │ ├── SpatialMaxPooling.cl │ ├── SpatialUpSamplingNearest.cl │ └── im2col.cl ├── clpeak │ ├── all_kernels.cl │ ├── compute_hp_kernels.cl │ ├── compute_hp_kernels.ll │ ├── compute_int24_kernels.cl │ ├── compute_integer_kernels.cl │ ├── compute_sp_kernels.cl │ └── global_bandwidth_kernels.cl ├── cltorch │ ├── THClApply.cl │ ├── THClDeviceUtils.cl │ ├── THClGather.cl │ ├── THClReduce.cl │ ├── THClReduceAll.cl │ ├── THClReduceApplyUtils.cl │ ├── THClScatter.cl │ ├── THClStorageGet.cl │ ├── THClStorageSet.cl │ ├── THClTensorIndex.cl │ ├── THClTensorInfoCl.cl │ ├── THClTensorMasked.cl │ ├── THClTensorMath2.cl │ ├── THClTensorMathScan.cl │ └── THClTensorMathTransformReduce.cl ├── deepCL │ ├── BackpropWeights2InOutPairs.cl │ ├── BackpropWeightsScratch.cl │ ├── BackpropWeightsScratchLarge.cl │ ├── ForwardIm2Col.cl │ ├── PoolingBackwardGpuNaive.cl │ ├── SGD.cl │ ├── activate.cl │ ├── addscalar.cl │ ├── applyActivationDeriv.cl │ ├── backpropweights.cl │ ├── backpropweights_blocked.cl │ ├── backpropweights_byrow.cl │ ├── backward.cl │ ├── backward_cached.cl │ ├── bw_rowperwg.cl │ ├── compile_all.sh │ ├── copy.cl │ ├── copyBlock.cl │ ├── copyLocal.cl │ ├── dropout.cl │ ├── forward.cl │ ├── forward1.cl │ ├── forward2.cl │ ├── forward3.cl │ ├── forward4.cl │ ├── forward_byinputplane.cl │ ├── forward_fc.cl │ ├── forward_fc_wgperrow.cl │ ├── forwardfc_workgroupperfilterplane.cl │ ├── ids.cl │ ├── inv.cl │ ├── memset.cl │ ├── per_element_add.cl │ ├── per_element_mult.cl │ ├── per_element_op1.cl │ ├── per_element_op2.cl │ ├── per_element_op2_scalar.cl │ ├── pooling.cl │ ├── reduce_segments.cl │ ├── sqrt.cl │ └── squared.cl ├── efficiency_test.cl ├── ethminer │ └── CLMiner_kernel.cl ├── formats │ ├── test.bc │ ├── test.bin │ ├── test.hex │ ├── test.spv │ ├── test.txt │ └── test_disassembled.hex ├── gputools │ ├── bilateral2.cl │ ├── bilateral3.cl │ ├── bilateralAdapt.cl │ ├── bilateral_shared.cl │ ├── conv_spatial2.cl │ ├── conv_spatial3.cl │ ├── convolve.cl │ ├── convolve1.cl │ ├── convolve2.cl │ ├── convolve3.cl │ ├── convolve_sep.cl │ ├── copy_resampled.cl │ ├── correlate_kernels.cl │ ├── dct_8x8.cl │ ├── dct_8x8_new.cl │ ├── dct_8x8x8.cl │ ├── deconv_rl.cl │ ├── fftshift.cl │ ├── minmax_filter.cl │ ├── nlm2.cl │ ├── nlm3.cl │ ├── nlm3_thresh.cl │ ├── nlm_fast.cl │ ├── nlm_fast3.cl │ ├── nlmeans.cl │ ├── nlmeans3d.cl │ ├── nlmeans_projected.cl │ ├── patch_kernel.cl │ ├── perlin.cl │ ├── scale.cl │ ├── transformations.cl │ └── tv_chambolle.cl ├── hashcat │ ├── amp_a0.cl │ ├── amp_a1.cl │ ├── amp_a3.cl │ ├── inc_cipher_aes.cl │ ├── inc_cipher_serpent.cl │ ├── inc_cipher_twofish.cl │ ├── inc_common.cl │ ├── inc_comp_multi.cl │ ├── inc_comp_multi_bs.cl │ ├── inc_comp_single.cl │ ├── inc_comp_single_bs.cl │ ├── inc_hash_constants.h │ ├── inc_hash_functions.cl │ ├── inc_hash_md4.cl │ ├── inc_hash_md5.cl │ ├── inc_hash_ripemd160.cl │ ├── inc_hash_sha1.cl │ ├── inc_hash_sha224.cl │ ├── inc_hash_sha256.cl │ ├── inc_hash_sha384.cl │ ├── inc_hash_sha512.cl │ ├── inc_hash_whirlpool.cl │ ├── inc_luks_aes.cl │ ├── inc_luks_af.cl │ ├── inc_luks_essiv.cl │ ├── inc_luks_serpent.cl │ ├── inc_luks_twofish.cl │ ├── inc_luks_xts.cl │ ├── inc_rp.cl │ ├── inc_rp.h │ ├── inc_rp_optimized.cl │ ├── inc_rp_optimized.h │ ├── inc_scalar.cl │ ├── inc_simd.cl │ ├── inc_truecrypt_crc32.cl │ ├── inc_truecrypt_xts.cl │ ├── inc_types.cl │ ├── inc_vendor.cl │ ├── m00000_a0-optimized.cl │ ├── m00000_a0.cl │ ├── m00000_a1-optimized.cl │ ├── m00000_a1.cl │ ├── m00000_a3-optimized.cl │ ├── m00000_a3.cl │ ├── m00010_a0-optimized.cl │ ├── m00010_a0.cl │ ├── m00010_a1-optimized.cl │ ├── m00010_a1.cl │ ├── m00010_a3-optimized.cl │ ├── m00010_a3.cl │ ├── m00020_a0-optimized.cl │ ├── m00020_a0.cl │ ├── m00020_a1-optimized.cl │ ├── m00020_a1.cl │ ├── m00020_a3-optimized.cl │ ├── m00020_a3.cl │ ├── m00030_a0-optimized.cl │ ├── m00030_a0.cl │ ├── m00030_a1-optimized.cl │ ├── m00030_a1.cl │ ├── m00030_a3-optimized.cl │ ├── m00030_a3.cl │ ├── m00040_a0-optimized.cl │ ├── m00040_a0.cl │ ├── m00040_a1-optimized.cl │ ├── m00040_a1.cl │ ├── m00040_a3-optimized.cl │ ├── m00040_a3.cl │ ├── m00050_a0-optimized.cl │ ├── m00050_a0.cl │ ├── m00050_a1-optimized.cl │ ├── m00050_a1.cl │ ├── m00050_a3-optimized.cl │ ├── m00050_a3.cl │ ├── m00060_a0-optimized.cl │ ├── m00060_a0.cl │ ├── m00060_a1-optimized.cl │ ├── m00060_a1.cl │ ├── m00060_a3-optimized.cl │ ├── m00060_a3.cl │ ├── m00100_a0-optimized.cl │ ├── m00100_a0.cl │ ├── m00100_a1-optimized.cl │ ├── m00100_a1.cl │ ├── m00100_a3-optimized.cl │ ├── m00100_a3.cl │ ├── m00110_a0-optimized.cl │ ├── m00110_a0.cl │ ├── m00110_a1-optimized.cl │ ├── m00110_a1.cl │ ├── m00110_a3-optimized.cl │ ├── m00110_a3.cl │ ├── m00120_a0-optimized.cl │ ├── m00120_a0.cl │ ├── m00120_a1-optimized.cl │ ├── m00120_a1.cl │ ├── m00120_a3-optimized.cl │ ├── m00120_a3.cl │ ├── m00130_a0-optimized.cl │ ├── m00130_a0.cl │ ├── m00130_a1-optimized.cl │ ├── m00130_a1.cl │ ├── m00130_a3-optimized.cl │ ├── m00130_a3.cl │ ├── m00140_a0-optimized.cl │ ├── m00140_a0.cl │ ├── m00140_a1-optimized.cl │ ├── m00140_a1.cl │ ├── m00140_a3-optimized.cl │ ├── m00140_a3.cl │ ├── m00150_a0-optimized.cl │ ├── m00150_a0.cl │ ├── m00150_a1-optimized.cl │ ├── m00150_a1.cl │ ├── m00150_a3-optimized.cl │ ├── m00150_a3.cl │ ├── m00160_a0-optimized.cl │ ├── m00160_a0.cl │ ├── m00160_a1-optimized.cl │ ├── m00160_a1.cl │ ├── m00160_a3-optimized.cl │ ├── m00160_a3.cl │ ├── m00200_a0-optimized.cl │ ├── m00200_a1-optimized.cl │ ├── m00200_a3-optimized.cl │ ├── m00300_a0-optimized.cl │ ├── m00300_a0.cl │ ├── m00300_a1-optimized.cl │ ├── m00300_a1.cl │ ├── m00300_a3-optimized.cl │ ├── m00300_a3.cl │ ├── m00400-optimized.cl │ ├── m00400.cl │ ├── m00500-optimized.cl │ ├── m00500.cl │ ├── m00600_a0-optimized.cl │ ├── m00600_a1-optimized.cl │ ├── m00600_a3-optimized.cl │ ├── m00900_a0-optimized.cl │ ├── m00900_a0.cl │ ├── m00900_a1-optimized.cl │ ├── m00900_a1.cl │ ├── m00900_a3-optimized.cl │ ├── m00900_a3.cl │ ├── m01000_a0-optimized.cl │ ├── m01000_a0.cl │ ├── m01000_a1-optimized.cl │ ├── m01000_a1.cl │ ├── m01000_a3-optimized.cl │ ├── m01000_a3.cl │ ├── m01100_a0-optimized.cl │ ├── m01100_a0.cl │ ├── m01100_a1-optimized.cl │ ├── m01100_a1.cl │ ├── m01100_a3-optimized.cl │ ├── m01100_a3.cl │ ├── m01300_a0-optimized.cl │ ├── m01300_a0.cl │ ├── m01300_a1-optimized.cl │ ├── m01300_a1.cl │ ├── m01300_a3-optimized.cl │ ├── m01300_a3.cl │ ├── m01400_a0-optimized.cl │ ├── m01400_a0.cl │ ├── m01400_a1-optimized.cl │ ├── m01400_a1.cl │ ├── m01400_a3-optimized.cl │ ├── m01400_a3.cl │ ├── m01410_a0-optimized.cl │ ├── m01410_a0.cl │ ├── m01410_a1-optimized.cl │ ├── m01410_a1.cl │ ├── m01410_a3-optimized.cl │ ├── m01410_a3.cl │ ├── m01420_a0-optimized.cl │ ├── m01420_a0.cl │ ├── m01420_a1-optimized.cl │ ├── m01420_a1.cl │ ├── m01420_a3-optimized.cl │ ├── m01420_a3.cl │ ├── m01430_a0-optimized.cl │ ├── m01430_a0.cl │ ├── m01430_a1-optimized.cl │ ├── m01430_a1.cl │ ├── m01430_a3-optimized.cl │ ├── m01430_a3.cl │ ├── m01440_a0-optimized.cl │ ├── m01440_a0.cl │ ├── m01440_a1-optimized.cl │ ├── m01440_a1.cl │ ├── m01440_a3-optimized.cl │ ├── m01440_a3.cl │ ├── m01450_a0-optimized.cl │ ├── m01450_a0.cl │ ├── m01450_a1-optimized.cl │ ├── m01450_a1.cl │ ├── m01450_a3-optimized.cl │ ├── m01450_a3.cl │ ├── m01460_a0-optimized.cl │ ├── m01460_a0.cl │ ├── m01460_a1-optimized.cl │ ├── m01460_a1.cl │ ├── m01460_a3-optimized.cl │ ├── m01460_a3.cl │ ├── m01500_a0.cl │ ├── m01500_a1.cl │ ├── m01500_a3.cl │ ├── m01600-optimized.cl │ ├── m01600.cl │ ├── m01700_a0-optimized.cl │ ├── m01700_a0.cl │ ├── m01700_a1-optimized.cl │ ├── m01700_a1.cl │ ├── m01700_a3-optimized.cl │ ├── m01700_a3.cl │ ├── m01710_a0-optimized.cl │ ├── m01710_a0.cl │ ├── m01710_a1-optimized.cl │ ├── m01710_a1.cl │ ├── m01710_a3-optimized.cl │ ├── m01710_a3.cl │ ├── m01720_a0-optimized.cl │ ├── m01720_a0.cl │ ├── m01720_a1-optimized.cl │ ├── m01720_a1.cl │ ├── m01720_a3-optimized.cl │ ├── m01720_a3.cl │ ├── m01730_a0-optimized.cl │ ├── m01730_a0.cl │ ├── m01730_a1-optimized.cl │ ├── m01730_a1.cl │ ├── m01730_a3-optimized.cl │ ├── m01730_a3.cl │ ├── m01740_a0-optimized.cl │ ├── m01740_a0.cl │ ├── m01740_a1-optimized.cl │ ├── m01740_a1.cl │ ├── m01740_a3-optimized.cl │ ├── m01740_a3.cl │ ├── m01750_a0-optimized.cl │ ├── m01750_a0.cl │ ├── m01750_a1-optimized.cl │ ├── m01750_a1.cl │ ├── m01750_a3-optimized.cl │ ├── m01750_a3.cl │ ├── m01760_a0-optimized.cl │ ├── m01760_a0.cl │ ├── m01760_a1-optimized.cl │ ├── m01760_a1.cl │ ├── m01760_a3-optimized.cl │ ├── m01760_a3.cl │ ├── m01800-optimized.cl │ ├── m01800.cl │ ├── m02000_a0.cl │ ├── m02000_a1.cl │ ├── m02000_a3.cl │ ├── m02100.cl │ ├── m02400_a0-optimized.cl │ ├── m02400_a1-optimized.cl │ ├── m02400_a3-optimized.cl │ ├── m02410_a0-optimized.cl │ ├── m02410_a1-optimized.cl │ ├── m02410_a3-optimized.cl │ ├── m02500.cl │ ├── m02501.cl │ ├── m02610_a0-optimized.cl │ ├── m02610_a0.cl │ ├── m02610_a1-optimized.cl │ ├── m02610_a1.cl │ ├── m02610_a3-optimized.cl │ ├── m02610_a3.cl │ ├── m02710_a0-optimized.cl │ ├── m02710_a1-optimized.cl │ ├── m02710_a3-optimized.cl │ ├── m02810_a0-optimized.cl │ ├── m02810_a0.cl │ ├── m02810_a1-optimized.cl │ ├── m02810_a1.cl │ ├── m02810_a3-optimized.cl │ ├── m02810_a3.cl │ ├── m03000_a0.cl │ ├── m03000_a1.cl │ ├── m03000_a3.cl │ ├── m03100_a0-optimized.cl │ ├── m03100_a1-optimized.cl │ ├── m03100_a3-optimized.cl │ ├── m03200.cl │ ├── m03710_a0-optimized.cl │ ├── m03710_a0.cl │ ├── m03710_a1-optimized.cl │ ├── m03710_a1.cl │ ├── m03710_a3-optimized.cl │ ├── m03710_a3.cl │ ├── m03800_a0-optimized.cl │ ├── m03800_a0.cl │ ├── m03800_a1-optimized.cl │ ├── m03800_a1.cl │ ├── m03800_a3-optimized.cl │ ├── m03800_a3.cl │ ├── m03910_a0-optimized.cl │ ├── m03910_a0.cl │ ├── m03910_a1-optimized.cl │ ├── m03910_a1.cl │ ├── m03910_a3-optimized.cl │ ├── m03910_a3.cl │ ├── m04010_a0-optimized.cl │ ├── m04010_a0.cl │ ├── m04010_a1-optimized.cl │ ├── m04010_a1.cl │ ├── m04010_a3-optimized.cl │ ├── m04010_a3.cl │ ├── m04110_a0-optimized.cl │ ├── m04110_a0.cl │ ├── m04110_a1-optimized.cl │ ├── m04110_a1.cl │ ├── m04110_a3-optimized.cl │ ├── m04110_a3.cl │ ├── m04310_a0-optimized.cl │ ├── m04310_a0.cl │ ├── m04310_a1-optimized.cl │ ├── m04310_a1.cl │ ├── m04310_a3-optimized.cl │ ├── m04310_a3.cl │ ├── m04400_a0-optimized.cl │ ├── m04400_a0.cl │ ├── m04400_a1-optimized.cl │ ├── m04400_a1.cl │ ├── m04400_a3-optimized.cl │ ├── m04400_a3.cl │ ├── m04500_a0-optimized.cl │ ├── m04500_a0.cl │ ├── m04500_a1-optimized.cl │ ├── m04500_a1.cl │ ├── m04500_a3-optimized.cl │ ├── m04500_a3.cl │ ├── m04520_a0-optimized.cl │ ├── m04520_a0.cl │ ├── m04520_a1-optimized.cl │ ├── m04520_a1.cl │ ├── m04520_a3-optimized.cl │ ├── m04520_a3.cl │ ├── m04700_a0-optimized.cl │ ├── m04700_a0.cl │ ├── m04700_a1-optimized.cl │ ├── m04700_a1.cl │ ├── m04700_a3-optimized.cl │ ├── m04700_a3.cl │ ├── m04800_a0-optimized.cl │ ├── m04800_a0.cl │ ├── m04800_a1-optimized.cl │ ├── m04800_a1.cl │ ├── m04800_a3-optimized.cl │ ├── m04800_a3.cl │ ├── m04900_a0-optimized.cl │ ├── m04900_a0.cl │ ├── m04900_a1-optimized.cl │ ├── m04900_a1.cl │ ├── m04900_a3-optimized.cl │ ├── m04900_a3.cl │ ├── m05000_a0-optimized.cl │ ├── m05000_a1-optimized.cl │ ├── m05000_a3-optimized.cl │ ├── m05100_a0-optimized.cl │ ├── m05100_a0.cl │ ├── m05100_a1-optimized.cl │ ├── m05100_a1.cl │ ├── m05100_a3-optimized.cl │ ├── m05100_a3.cl │ ├── m05200.cl │ ├── m05300_a0-optimized.cl │ ├── m05300_a0.cl │ ├── m05300_a1-optimized.cl │ ├── m05300_a1.cl │ ├── m05300_a3-optimized.cl │ ├── m05300_a3.cl │ ├── m05400_a0-optimized.cl │ ├── m05400_a0.cl │ ├── m05400_a1-optimized.cl │ ├── m05400_a1.cl │ ├── m05400_a3-optimized.cl │ ├── m05400_a3.cl │ ├── m05500_a0-optimized.cl │ ├── m05500_a0.cl │ ├── m05500_a1-optimized.cl │ ├── m05500_a1.cl │ ├── m05500_a3-optimized.cl │ ├── m05500_a3.cl │ ├── m05600_a0-optimized.cl │ ├── m05600_a0.cl │ ├── m05600_a1-optimized.cl │ ├── m05600_a1.cl │ ├── m05600_a3-optimized.cl │ ├── m05600_a3.cl │ ├── m05800-optimized.cl │ ├── m05800.cl │ ├── m06000_a0-optimized.cl │ ├── m06000_a0.cl │ ├── m06000_a1-optimized.cl │ ├── m06000_a1.cl │ ├── m06000_a3-optimized.cl │ ├── m06000_a3.cl │ ├── m06100_a0-optimized.cl │ ├── m06100_a0.cl │ ├── m06100_a1-optimized.cl │ ├── m06100_a1.cl │ ├── m06100_a3-optimized.cl │ ├── m06100_a3.cl │ ├── m06211.cl │ ├── m06212.cl │ ├── m06213.cl │ ├── m06221.cl │ ├── m06222.cl │ ├── m06223.cl │ ├── m06231.cl │ ├── m06232.cl │ ├── m06233.cl │ ├── m06300-optimized.cl │ ├── m06300.cl │ ├── m06400.cl │ ├── m06500.cl │ ├── m06600.cl │ ├── m06700.cl │ ├── m06800.cl │ ├── m06900_a0-optimized.cl │ ├── m06900_a1-optimized.cl │ ├── m06900_a3-optimized.cl │ ├── m07000_a0-optimized.cl │ ├── m07000_a0.cl │ ├── m07000_a1-optimized.cl │ ├── m07000_a1.cl │ ├── m07000_a3-optimized.cl │ ├── m07000_a3.cl │ ├── m07100.cl │ ├── m07300_a0-optimized.cl │ ├── m07300_a0.cl │ ├── m07300_a1-optimized.cl │ ├── m07300_a1.cl │ ├── m07300_a3-optimized.cl │ ├── m07300_a3.cl │ ├── m07400-optimized.cl │ ├── m07400.cl │ ├── m07500_a0-optimized.cl │ ├── m07500_a0.cl │ ├── m07500_a1-optimized.cl │ ├── m07500_a1.cl │ ├── m07500_a3-optimized.cl │ ├── m07500_a3.cl │ ├── m07700_a0-optimized.cl │ ├── m07700_a1-optimized.cl │ ├── m07700_a3-optimized.cl │ ├── m07800_a0-optimized.cl │ ├── m07800_a1-optimized.cl │ ├── m07800_a3-optimized.cl │ ├── m07900.cl │ ├── m08000_a0-optimized.cl │ ├── m08000_a1-optimized.cl │ ├── m08000_a3-optimized.cl │ ├── m08100_a0-optimized.cl │ ├── m08100_a0.cl │ ├── m08100_a1-optimized.cl │ ├── m08100_a1.cl │ ├── m08100_a3-optimized.cl │ ├── m08100_a3.cl │ ├── m08200.cl │ ├── m08300_a0-optimized.cl │ ├── m08300_a0.cl │ ├── m08300_a1-optimized.cl │ ├── m08300_a1.cl │ ├── m08300_a3-optimized.cl │ ├── m08300_a3.cl │ ├── m08400_a0-optimized.cl │ ├── m08400_a0.cl │ ├── m08400_a1-optimized.cl │ ├── m08400_a1.cl │ ├── m08400_a3-optimized.cl │ ├── m08400_a3.cl │ ├── m08500_a0.cl │ ├── m08500_a1.cl │ ├── m08500_a3.cl │ ├── m08600_a0.cl │ ├── m08600_a1.cl │ ├── m08600_a3.cl │ ├── m08700_a0-optimized.cl │ ├── m08700_a1-optimized.cl │ ├── m08700_a3-optimized.cl │ ├── m08800.cl │ ├── m08900.cl │ ├── m09000.cl │ ├── m09100.cl │ ├── m09400.cl │ ├── m09500.cl │ ├── m09600.cl │ ├── m09700_a0-optimized.cl │ ├── m09700_a1-optimized.cl │ ├── m09700_a3-optimized.cl │ ├── m09710_a0-optimized.cl │ ├── m09710_a1-optimized.cl │ ├── m09710_a3-optimized.cl │ ├── m09720_a0-optimized.cl │ ├── m09720_a1-optimized.cl │ ├── m09720_a3-optimized.cl │ ├── m09800_a0-optimized.cl │ ├── m09800_a1-optimized.cl │ ├── m09800_a3-optimized.cl │ ├── m09810_a0-optimized.cl │ ├── m09810_a1-optimized.cl │ ├── m09810_a3-optimized.cl │ ├── m09820_a0-optimized.cl │ ├── m09820_a1-optimized.cl │ ├── m09820_a3-optimized.cl │ ├── m09900_a0-optimized.cl │ ├── m09900_a0.cl │ ├── m09900_a1-optimized.cl │ ├── m09900_a1.cl │ ├── m09900_a3-optimized.cl │ ├── m09900_a3.cl │ ├── m10100_a0-optimized.cl │ ├── m10100_a1-optimized.cl │ ├── m10100_a3-optimized.cl │ ├── m10300.cl │ ├── m10400_a0-optimized.cl │ ├── m10400_a1-optimized.cl │ ├── m10400_a3-optimized.cl │ ├── m10410_a0-optimized.cl │ ├── m10410_a1-optimized.cl │ ├── m10410_a3-optimized.cl │ ├── m10420_a0-optimized.cl │ ├── m10420_a1-optimized.cl │ ├── m10420_a3-optimized.cl │ ├── m10500.cl │ ├── m10700-optimized.cl │ ├── m10700.cl │ ├── m10800_a0-optimized.cl │ ├── m10800_a0.cl │ ├── m10800_a1-optimized.cl │ ├── m10800_a1.cl │ ├── m10800_a3-optimized.cl │ ├── m10800_a3.cl │ ├── m10900.cl │ ├── m11000_a0-optimized.cl │ ├── m11000_a0.cl │ ├── m11000_a1-optimized.cl │ ├── m11000_a1.cl │ ├── m11000_a3-optimized.cl │ ├── m11000_a3.cl │ ├── m11100_a0-optimized.cl │ ├── m11100_a0.cl │ ├── m11100_a1-optimized.cl │ ├── m11100_a1.cl │ ├── m11100_a3-optimized.cl │ ├── m11100_a3.cl │ ├── m11200_a0-optimized.cl │ ├── m11200_a0.cl │ ├── m11200_a1-optimized.cl │ ├── m11200_a1.cl │ ├── m11200_a3-optimized.cl │ ├── m11200_a3.cl │ ├── m11300.cl │ ├── m11400_a0.cl │ ├── m11400_a1.cl │ ├── m11400_a3.cl │ ├── m11500_a0-optimized.cl │ ├── m11500_a1-optimized.cl │ ├── m11500_a3-optimized.cl │ ├── m11600.cl │ ├── m11700_a0-optimized.cl │ ├── m11700_a1-optimized.cl │ ├── m11700_a3-optimized.cl │ ├── m11800_a0-optimized.cl │ ├── m11800_a1-optimized.cl │ ├── m11800_a3-optimized.cl │ ├── m11900.cl │ ├── m12000.cl │ ├── m12200.cl │ ├── m12300.cl │ ├── m12400.cl │ ├── m12500.cl │ ├── m12600_a0-optimized.cl │ ├── m12600_a0.cl │ ├── m12600_a1-optimized.cl │ ├── m12600_a1.cl │ ├── m12600_a3-optimized.cl │ ├── m12600_a3.cl │ ├── m12700.cl │ ├── m12800.cl │ ├── m12900.cl │ ├── m13000.cl │ ├── m13100_a0-optimized.cl │ ├── m13100_a0.cl │ ├── m13100_a1-optimized.cl │ ├── m13100_a1.cl │ ├── m13100_a3-optimized.cl │ ├── m13100_a3.cl │ ├── m13200.cl │ ├── m13300_a0-optimized.cl │ ├── m13300_a0.cl │ ├── m13300_a1-optimized.cl │ ├── m13300_a1.cl │ ├── m13300_a3-optimized.cl │ ├── m13300_a3.cl │ ├── m13400.cl │ ├── m13500_a0-optimized.cl │ ├── m13500_a0.cl │ ├── m13500_a1-optimized.cl │ ├── m13500_a1.cl │ ├── m13500_a3-optimized.cl │ ├── m13500_a3.cl │ ├── m13600.cl │ ├── m13751.cl │ ├── m13752.cl │ ├── m13753.cl │ ├── m13800_a0-optimized.cl │ ├── m13800_a0.cl │ ├── m13800_a1-optimized.cl │ ├── m13800_a1.cl │ ├── m13800_a3-optimized.cl │ ├── m13800_a3.cl │ ├── m13900_a0-optimized.cl │ ├── m13900_a0.cl │ ├── m13900_a1-optimized.cl │ ├── m13900_a1.cl │ ├── m13900_a3-optimized.cl │ ├── m13900_a3.cl │ ├── m14000_a0-optimized.cl │ ├── m14000_a1-optimized.cl │ ├── m14000_a3-optimized.cl │ ├── m14100_a0-optimized.cl │ ├── m14100_a1-optimized.cl │ ├── m14100_a3-optimized.cl │ ├── m14400_a0-optimized.cl │ ├── m14400_a0.cl │ ├── m14400_a1-optimized.cl │ ├── m14400_a1.cl │ ├── m14400_a3-optimized.cl │ ├── m14400_a3.cl │ ├── m14611.cl │ ├── m14612.cl │ ├── m14613.cl │ ├── m14621.cl │ ├── m14622.cl │ ├── m14623.cl │ ├── m14631.cl │ ├── m14632.cl │ ├── m14633.cl │ ├── m14641.cl │ ├── m14642.cl │ ├── m14643.cl │ ├── m14700.cl │ ├── m14800.cl │ ├── m14900_a0-optimized.cl │ ├── m14900_a1-optimized.cl │ ├── m14900_a3-optimized.cl │ ├── m15000_a0-optimized.cl │ ├── m15000_a0.cl │ ├── m15000_a1-optimized.cl │ ├── m15000_a1.cl │ ├── m15000_a3-optimized.cl │ ├── m15000_a3.cl │ ├── m15100.cl │ ├── m15300.cl │ ├── m15400_a0-optimized.cl │ ├── m15400_a1-optimized.cl │ ├── m15400_a3-optimized.cl │ ├── m15500_a0-optimized.cl │ ├── m15500_a0.cl │ ├── m15500_a1-optimized.cl │ ├── m15500_a1.cl │ ├── m15500_a3-optimized.cl │ ├── m15500_a3.cl │ ├── m15600.cl │ ├── m15700.cl │ ├── m15800.cl │ ├── markov_be.cl │ └── markov_le.cl ├── icd_test.ir ├── libxcam │ ├── kernel_3d_denoise.cl │ ├── kernel_3d_denoise_slm.cl │ ├── kernel_bayer_basic.cl │ ├── kernel_bayer_pipe.cl │ ├── kernel_bi_filter.cl │ ├── kernel_bilateral.cl │ ├── kernel_csc.cl │ ├── kernel_defog_dcp.cl │ ├── kernel_demo.cl │ ├── kernel_fisheye.cl │ ├── kernel_gauss.cl │ ├── kernel_gauss_lap_pyramid.cl │ ├── kernel_geo_map.cl │ ├── kernel_image_scaler.cl │ ├── kernel_image_warp.cl │ ├── kernel_min_filter.cl │ ├── kernel_newtonemapping.cl │ ├── kernel_retinex.cl │ ├── kernel_rgb_pipe.cl │ ├── kernel_tnr.cl │ ├── kernel_tonemapping.cl │ ├── kernel_wavelet_coeff.cl │ ├── kernel_wavelet_denoise.cl │ ├── kernel_wavelet_haar.cl │ ├── kernel_wire_frame.cl │ └── kernel_yuv_pipe.cl ├── local_private_storage.cl ├── mixbench │ ├── mix_kernels.cl │ └── mix_kernels_ro.cl ├── pocl │ ├── test_autolocals_in_constexprs.cl │ ├── test_constant_array.cl │ ├── test_flatten_barrier_subs.cl │ ├── test_program_from_binary_with_local_1_1_1.cl │ └── test_structs_as_args.cl ├── rendergirl │ ├── FXAA.cl │ └── Raytracer.cl ├── rodinia │ ├── backprop_kernel.cl │ ├── bfs-Kernels.cl │ ├── cfd-Kernels.cl │ ├── find_ellipse_kernel.cl │ ├── gaussianElim_kernels.cl │ ├── heartwall_kernel_gpu_opencl.cl │ ├── hotspot_kernel.cl │ ├── kmeans.cl │ ├── lavaMD_kernel_gpu_opencl.cl │ ├── lud_kernel.cl │ ├── main.h │ ├── myocyte_kernel_gpu_opencl.cl │ ├── nearestNeighbor_kernel.cl │ ├── nw.cl │ ├── particle_single.cl │ ├── pathfinder_kernels.cl │ ├── srad_kernel_gpu_opencl.cl │ ├── streamcluster-Kernels.cl │ └── track_ellipse_kernel.cl ├── spimagine │ ├── all_render_kernels.cl │ ├── convolve_2d.cl │ ├── iso_kernel.cl │ ├── iso_kernel_tmp.cl │ ├── occlusion.cl │ ├── utils.cl │ └── volume_kernel.cl ├── test_async_copy.cl ├── test_atomic.cl ├── test_barrier.cl ├── test_barrier_fence.cl ├── test_branches.cl ├── test_builtins.cl ├── test_common.cl ├── test_conditional_address.cl ├── test_constant_load.cl ├── test_conversions.cl ├── test_cross_group_access.cl ├── test_cts_regressions.cl ├── test_expect_assume.cl ├── test_float.cl ├── test_geometric.cl ├── test_global_data.cl ├── test_hashes.cl ├── test_if_switch.cl ├── test_images.cl ├── test_immediates.cl ├── test_inner_loops.cl ├── test_int.cl ├── test_int_float_div.cpp ├── test_integer.cl ├── test_linking_0.cl ├── test_linking_1.cl ├── test_linking_2.cl ├── test_math.cl ├── test_other.cl ├── test_partial_md5.cl ├── test_printf.cl ├── test_sfu.cl ├── test_shuffle.cl ├── test_signedness.cl ├── test_storage.cl ├── test_struct.cl ├── test_tmu_loads.cl ├── test_udiv_constants.cpp ├── test_vector.cl ├── test_vector3_layout.cl ├── test_vectorization.cl ├── test_vpm_read.cl ├── test_vpm_write.cl ├── test_work_item.cl ├── unaligned_memory_access.cl ├── vattenoverhuvudet │ ├── calculate_forces.cl │ ├── calculate_voxel_grid.cl │ ├── integrate_particle_states.cl │ ├── simple_voxel_grid_move.cl │ ├── simulate_fluid_particles.cl │ ├── taskParallel.cl │ └── update_particle_positions.cl └── vlc_x264 │ ├── bidir.cl │ ├── downscale.cl │ ├── intra.cl │ ├── motionsearch.cl │ ├── subpel.cl │ ├── weightp.cl │ └── x264-cl.h └── tools ├── CMakeLists.txt ├── emulator.cpp └── generate_overloads.cpp /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/.gitignore -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/LICENSE -------------------------------------------------------------------------------- /Readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/Readme.md -------------------------------------------------------------------------------- /check_all_files.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/check_all_files.sh -------------------------------------------------------------------------------- /cmake/RaspberryPi.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/RaspberryPi.cmake -------------------------------------------------------------------------------- /cmake/clang-format.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/clang-format.cmake -------------------------------------------------------------------------------- /cmake/clang.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/clang.cmake -------------------------------------------------------------------------------- /cmake/cpplog.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/cpplog.cmake -------------------------------------------------------------------------------- /cmake/cpptest-lite.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/cpptest-lite.cmake -------------------------------------------------------------------------------- /cmake/crosscompile.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/crosscompile.cmake -------------------------------------------------------------------------------- /cmake/deb-postint.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/deb-postint.in -------------------------------------------------------------------------------- /cmake/deb-prerem.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/deb-prerem.in -------------------------------------------------------------------------------- /cmake/flags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/flags.cmake -------------------------------------------------------------------------------- /cmake/libclang.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/libclang.cmake -------------------------------------------------------------------------------- /cmake/libllvm.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/libllvm.cmake -------------------------------------------------------------------------------- /cmake/packaging.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/packaging.cmake -------------------------------------------------------------------------------- /cmake/sanitizers.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/sanitizers.cmake -------------------------------------------------------------------------------- /cmake/spirv-headers.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/spirv-headers.cmake -------------------------------------------------------------------------------- /cmake/spirv.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/spirv.cmake -------------------------------------------------------------------------------- /cmake/tool_paths.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/tool_paths.h.in -------------------------------------------------------------------------------- /cmake/variant.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/cmake/variant.cmake -------------------------------------------------------------------------------- /collect_coverage.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/collect_coverage.sh -------------------------------------------------------------------------------- /doc/C99-n1256.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/C99-n1256.pdf -------------------------------------------------------------------------------- /doc/SPIRV-1.3.5.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/SPIRV-1.3.5.pdf -------------------------------------------------------------------------------- /doc/TODO.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/TODO.txt -------------------------------------------------------------------------------- /doc/VideoCoreIV-AG100-R.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/VideoCoreIV-AG100-R.pdf -------------------------------------------------------------------------------- /doc/ieee-754-2008.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/ieee-754-2008.pdf -------------------------------------------------------------------------------- /doc/opencl-1.2-extensions.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/opencl-1.2-extensions.pdf -------------------------------------------------------------------------------- /doc/opencl-1.2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/opencl-1.2.pdf -------------------------------------------------------------------------------- /doc/opencl-2.0-extensions.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/opencl-2.0-extensions.pdf -------------------------------------------------------------------------------- /doc/opencl-2.0.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/opencl-2.0.pdf -------------------------------------------------------------------------------- /doc/opencl-2.1-openclc++.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/opencl-2.1-openclc++.pdf -------------------------------------------------------------------------------- /doc/opencl-2.2-environment.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/opencl-2.2-environment.pdf -------------------------------------------------------------------------------- /doc/sfu_accuracy.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/sfu_accuracy.txt -------------------------------------------------------------------------------- /doc/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/tests.txt -------------------------------------------------------------------------------- /doc/thesis.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/doc/thesis.pdf -------------------------------------------------------------------------------- /example/SHA-256.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/SHA-256.cl -------------------------------------------------------------------------------- /example/fft2_2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/fft2_2.cl -------------------------------------------------------------------------------- /example/fibonacci.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/fibonacci.cl -------------------------------------------------------------------------------- /example/fibonacci.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/fibonacci.ir -------------------------------------------------------------------------------- /example/fibonacci.spt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/fibonacci.spt -------------------------------------------------------------------------------- /example/fibonacci_vector.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/fibonacci_vector.ir -------------------------------------------------------------------------------- /example/hello_world.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/hello_world.cl -------------------------------------------------------------------------------- /example/hello_world.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/hello_world.ir -------------------------------------------------------------------------------- /example/hello_world_constant.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/hello_world_constant.cl -------------------------------------------------------------------------------- /example/hello_world_vector.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/hello_world_vector.cl -------------------------------------------------------------------------------- /example/hello_world_vector.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/hello_world_vector.ir -------------------------------------------------------------------------------- /example/hello_world_vector_rpi.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/hello_world_vector_rpi.ir -------------------------------------------------------------------------------- /example/histogram.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/histogram.cl -------------------------------------------------------------------------------- /example/md5.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/md5.cl -------------------------------------------------------------------------------- /example/test.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/test.cl -------------------------------------------------------------------------------- /example/test_cl.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/test_cl.cl -------------------------------------------------------------------------------- /example/test_instructions.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/test_instructions.cl -------------------------------------------------------------------------------- /example/test_prime.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/example/test_prime.cl -------------------------------------------------------------------------------- /include/CompilationError.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/include/CompilationError.h -------------------------------------------------------------------------------- /include/Compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/include/Compiler.h -------------------------------------------------------------------------------- /include/Precompiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/include/Precompiler.h -------------------------------------------------------------------------------- /include/VC4C.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/include/VC4C.h -------------------------------------------------------------------------------- /include/config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/include/config.h -------------------------------------------------------------------------------- /include/tools.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/include/tools.h -------------------------------------------------------------------------------- /scripts/clang-format-diff.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/scripts/clang-format-diff.sh -------------------------------------------------------------------------------- /scripts/run_clang_analyzer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/scripts/run_clang_analyzer.sh -------------------------------------------------------------------------------- /scripts/run_clang_tidy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/scripts/run_clang_tidy.sh -------------------------------------------------------------------------------- /src/BasicBlock.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/BasicBlock.cpp -------------------------------------------------------------------------------- /src/BasicBlock.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/BasicBlock.h -------------------------------------------------------------------------------- /src/BitMask.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/BitMask.h -------------------------------------------------------------------------------- /src/Bitfield.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Bitfield.h -------------------------------------------------------------------------------- /src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/CMakeLists.txt -------------------------------------------------------------------------------- /src/CompilationError.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/CompilationError.cpp -------------------------------------------------------------------------------- /src/Compiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Compiler.cpp -------------------------------------------------------------------------------- /src/CompilerInstance.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/CompilerInstance.h -------------------------------------------------------------------------------- /src/Disassembler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Disassembler.cpp -------------------------------------------------------------------------------- /src/Expression.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Expression.cpp -------------------------------------------------------------------------------- /src/Expression.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Expression.h -------------------------------------------------------------------------------- /src/GlobalValues.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/GlobalValues.cpp -------------------------------------------------------------------------------- /src/GlobalValues.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/GlobalValues.h -------------------------------------------------------------------------------- /src/Graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Graph.h -------------------------------------------------------------------------------- /src/HalfType.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/HalfType.cpp -------------------------------------------------------------------------------- /src/HalfType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/HalfType.h -------------------------------------------------------------------------------- /src/InstructionWalker.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/InstructionWalker.cpp -------------------------------------------------------------------------------- /src/InstructionWalker.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/InstructionWalker.h -------------------------------------------------------------------------------- /src/KernelMetaData.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/KernelMetaData.h -------------------------------------------------------------------------------- /src/Locals.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Locals.cpp -------------------------------------------------------------------------------- /src/Locals.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Locals.h -------------------------------------------------------------------------------- /src/Logger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Logger.h -------------------------------------------------------------------------------- /src/Method.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Method.cpp -------------------------------------------------------------------------------- /src/Method.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Method.h -------------------------------------------------------------------------------- /src/Module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Module.cpp -------------------------------------------------------------------------------- /src/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Module.h -------------------------------------------------------------------------------- /src/Optional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Optional.h -------------------------------------------------------------------------------- /src/Parser.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Parser.h -------------------------------------------------------------------------------- /src/ProcessUtil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/ProcessUtil.cpp -------------------------------------------------------------------------------- /src/ProcessUtil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/ProcessUtil.h -------------------------------------------------------------------------------- /src/Profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Profiler.cpp -------------------------------------------------------------------------------- /src/Profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Profiler.h -------------------------------------------------------------------------------- /src/Register.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Register.cpp -------------------------------------------------------------------------------- /src/Register.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Register.h -------------------------------------------------------------------------------- /src/SIMDVector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/SIMDVector.cpp -------------------------------------------------------------------------------- /src/SIMDVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/SIMDVector.h -------------------------------------------------------------------------------- /src/ThreadPool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/ThreadPool.cpp -------------------------------------------------------------------------------- /src/ThreadPool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/ThreadPool.h -------------------------------------------------------------------------------- /src/Types.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Types.cpp -------------------------------------------------------------------------------- /src/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Types.h -------------------------------------------------------------------------------- /src/Units.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Units.h -------------------------------------------------------------------------------- /src/Values.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Values.cpp -------------------------------------------------------------------------------- /src/Values.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Values.h -------------------------------------------------------------------------------- /src/Variant.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/Variant.h -------------------------------------------------------------------------------- /src/analysis/Analysis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/Analysis.h -------------------------------------------------------------------------------- /src/analysis/ControlFlowGraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/ControlFlowGraph.cpp -------------------------------------------------------------------------------- /src/analysis/ControlFlowGraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/ControlFlowGraph.h -------------------------------------------------------------------------------- /src/analysis/ControlFlowLoop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/ControlFlowLoop.cpp -------------------------------------------------------------------------------- /src/analysis/ControlFlowLoop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/ControlFlowLoop.h -------------------------------------------------------------------------------- /src/analysis/DebugGraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/DebugGraph.cpp -------------------------------------------------------------------------------- /src/analysis/DebugGraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/DebugGraph.h -------------------------------------------------------------------------------- /src/analysis/DependencyGraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/DependencyGraph.cpp -------------------------------------------------------------------------------- /src/analysis/DependencyGraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/DependencyGraph.h -------------------------------------------------------------------------------- /src/analysis/DominatorTree.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/DominatorTree.cpp -------------------------------------------------------------------------------- /src/analysis/DominatorTree.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/DominatorTree.h -------------------------------------------------------------------------------- /src/analysis/FlagsAnalysis.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/FlagsAnalysis.cpp -------------------------------------------------------------------------------- /src/analysis/FlagsAnalysis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/FlagsAnalysis.h -------------------------------------------------------------------------------- /src/analysis/InterferenceGraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/InterferenceGraph.h -------------------------------------------------------------------------------- /src/analysis/LivenessAnalysis.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/LivenessAnalysis.cpp -------------------------------------------------------------------------------- /src/analysis/LivenessAnalysis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/LivenessAnalysis.h -------------------------------------------------------------------------------- /src/analysis/MemoryAnalysis.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/MemoryAnalysis.cpp -------------------------------------------------------------------------------- /src/analysis/MemoryAnalysis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/MemoryAnalysis.h -------------------------------------------------------------------------------- /src/analysis/PatternMatching.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/PatternMatching.cpp -------------------------------------------------------------------------------- /src/analysis/PatternMatching.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/PatternMatching.h -------------------------------------------------------------------------------- /src/analysis/RegisterAnalysis.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/RegisterAnalysis.cpp -------------------------------------------------------------------------------- /src/analysis/RegisterAnalysis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/RegisterAnalysis.h -------------------------------------------------------------------------------- /src/analysis/ValueRange.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/ValueRange.cpp -------------------------------------------------------------------------------- /src/analysis/ValueRange.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/ValueRange.h -------------------------------------------------------------------------------- /src/analysis/WorkItemAnalysis.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/WorkItemAnalysis.cpp -------------------------------------------------------------------------------- /src/analysis/WorkItemAnalysis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/WorkItemAnalysis.h -------------------------------------------------------------------------------- /src/analysis/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/analysis/sources.list -------------------------------------------------------------------------------- /src/asm/ALUInstruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/ALUInstruction.cpp -------------------------------------------------------------------------------- /src/asm/ALUInstruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/ALUInstruction.h -------------------------------------------------------------------------------- /src/asm/BranchInstruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/BranchInstruction.cpp -------------------------------------------------------------------------------- /src/asm/BranchInstruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/BranchInstruction.h -------------------------------------------------------------------------------- /src/asm/CodeGenerator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/CodeGenerator.cpp -------------------------------------------------------------------------------- /src/asm/CodeGenerator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/CodeGenerator.h -------------------------------------------------------------------------------- /src/asm/GraphColoring.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/GraphColoring.cpp -------------------------------------------------------------------------------- /src/asm/GraphColoring.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/GraphColoring.h -------------------------------------------------------------------------------- /src/asm/Instruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/Instruction.cpp -------------------------------------------------------------------------------- /src/asm/Instruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/Instruction.h -------------------------------------------------------------------------------- /src/asm/KernelInfo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/KernelInfo.cpp -------------------------------------------------------------------------------- /src/asm/KernelInfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/KernelInfo.h -------------------------------------------------------------------------------- /src/asm/LoadInstruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/LoadInstruction.cpp -------------------------------------------------------------------------------- /src/asm/LoadInstruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/LoadInstruction.h -------------------------------------------------------------------------------- /src/asm/OpCodes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/OpCodes.cpp -------------------------------------------------------------------------------- /src/asm/OpCodes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/OpCodes.h -------------------------------------------------------------------------------- /src/asm/RegisterAllocation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/RegisterAllocation.h -------------------------------------------------------------------------------- /src/asm/RegisterFixes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/RegisterFixes.cpp -------------------------------------------------------------------------------- /src/asm/RegisterFixes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/RegisterFixes.h -------------------------------------------------------------------------------- /src/asm/SemaphoreInstruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/SemaphoreInstruction.cpp -------------------------------------------------------------------------------- /src/asm/SemaphoreInstruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/SemaphoreInstruction.h -------------------------------------------------------------------------------- /src/asm/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/asm/sources.list -------------------------------------------------------------------------------- /src/concepts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/concepts.h -------------------------------------------------------------------------------- /src/helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/helper.h -------------------------------------------------------------------------------- /src/intermediate/Branching.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/Branching.cpp -------------------------------------------------------------------------------- /src/intermediate/Helper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/Helper.cpp -------------------------------------------------------------------------------- /src/intermediate/Helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/Helper.h -------------------------------------------------------------------------------- /src/intermediate/Instruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/Instruction.cpp -------------------------------------------------------------------------------- /src/intermediate/MethodCall.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/MethodCall.cpp -------------------------------------------------------------------------------- /src/intermediate/Operations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/Operations.cpp -------------------------------------------------------------------------------- /src/intermediate/VectorHelper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/VectorHelper.cpp -------------------------------------------------------------------------------- /src/intermediate/VectorHelper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/VectorHelper.h -------------------------------------------------------------------------------- /src/intermediate/operators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/operators.h -------------------------------------------------------------------------------- /src/intermediate/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intermediate/sources.list -------------------------------------------------------------------------------- /src/intrinsics/Comparisons.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Comparisons.cpp -------------------------------------------------------------------------------- /src/intrinsics/Comparisons.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Comparisons.h -------------------------------------------------------------------------------- /src/intrinsics/Images.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Images.cpp -------------------------------------------------------------------------------- /src/intrinsics/Images.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Images.h -------------------------------------------------------------------------------- /src/intrinsics/Intrinsics.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Intrinsics.cpp -------------------------------------------------------------------------------- /src/intrinsics/Intrinsics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Intrinsics.h -------------------------------------------------------------------------------- /src/intrinsics/Operators.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Operators.cpp -------------------------------------------------------------------------------- /src/intrinsics/Operators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/Operators.h -------------------------------------------------------------------------------- /src/intrinsics/WorkItems.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/WorkItems.cpp -------------------------------------------------------------------------------- /src/intrinsics/WorkItems.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/WorkItems.h -------------------------------------------------------------------------------- /src/intrinsics/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/intrinsics/sources.list -------------------------------------------------------------------------------- /src/llvm/BitcodeReader.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/llvm/BitcodeReader.cpp -------------------------------------------------------------------------------- /src/llvm/BitcodeReader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/llvm/BitcodeReader.h -------------------------------------------------------------------------------- /src/llvm/LLVMInstruction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/llvm/LLVMInstruction.cpp -------------------------------------------------------------------------------- /src/llvm/LLVMInstruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/llvm/LLVMInstruction.h -------------------------------------------------------------------------------- /src/llvm/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/llvm/sources.list -------------------------------------------------------------------------------- /src/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/main.cpp -------------------------------------------------------------------------------- /src/normalization/Inliner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/Inliner.cpp -------------------------------------------------------------------------------- /src/normalization/Inliner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/Inliner.h -------------------------------------------------------------------------------- /src/normalization/LiteralValues.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/LiteralValues.h -------------------------------------------------------------------------------- /src/normalization/MemoryAccess.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/MemoryAccess.h -------------------------------------------------------------------------------- /src/normalization/Normalizer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/Normalizer.cpp -------------------------------------------------------------------------------- /src/normalization/Normalizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/Normalizer.h -------------------------------------------------------------------------------- /src/normalization/Rewrite.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/Rewrite.cpp -------------------------------------------------------------------------------- /src/normalization/Rewrite.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/Rewrite.h -------------------------------------------------------------------------------- /src/normalization/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/normalization/sources.list -------------------------------------------------------------------------------- /src/optimization/Combiner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Combiner.cpp -------------------------------------------------------------------------------- /src/optimization/Combiner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Combiner.h -------------------------------------------------------------------------------- /src/optimization/ControlFlow.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/ControlFlow.cpp -------------------------------------------------------------------------------- /src/optimization/ControlFlow.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/ControlFlow.h -------------------------------------------------------------------------------- /src/optimization/Eliminator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Eliminator.cpp -------------------------------------------------------------------------------- /src/optimization/Eliminator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Eliminator.h -------------------------------------------------------------------------------- /src/optimization/Flags.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Flags.cpp -------------------------------------------------------------------------------- /src/optimization/Flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Flags.h -------------------------------------------------------------------------------- /src/optimization/Memory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Memory.cpp -------------------------------------------------------------------------------- /src/optimization/Memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Memory.h -------------------------------------------------------------------------------- /src/optimization/Optimizer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Optimizer.cpp -------------------------------------------------------------------------------- /src/optimization/Optimizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Optimizer.h -------------------------------------------------------------------------------- /src/optimization/Peephole.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Peephole.cpp -------------------------------------------------------------------------------- /src/optimization/Peephole.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Peephole.h -------------------------------------------------------------------------------- /src/optimization/Reordering.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Reordering.cpp -------------------------------------------------------------------------------- /src/optimization/Reordering.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Reordering.h -------------------------------------------------------------------------------- /src/optimization/Vector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Vector.cpp -------------------------------------------------------------------------------- /src/optimization/Vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/Vector.h -------------------------------------------------------------------------------- /src/optimization/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/optimization/sources.list -------------------------------------------------------------------------------- /src/performance.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/performance.h -------------------------------------------------------------------------------- /src/periphery/CacheEntry.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/CacheEntry.cpp -------------------------------------------------------------------------------- /src/periphery/CacheEntry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/CacheEntry.h -------------------------------------------------------------------------------- /src/periphery/SFU.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/SFU.cpp -------------------------------------------------------------------------------- /src/periphery/SFU.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/SFU.h -------------------------------------------------------------------------------- /src/periphery/TMU.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/TMU.cpp -------------------------------------------------------------------------------- /src/periphery/TMU.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/TMU.h -------------------------------------------------------------------------------- /src/periphery/VPM.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/VPM.cpp -------------------------------------------------------------------------------- /src/periphery/VPM.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/VPM.h -------------------------------------------------------------------------------- /src/periphery/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/periphery/sources.list -------------------------------------------------------------------------------- /src/precompilation/LLVMLibrary.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/precompilation/LLVMLibrary.h -------------------------------------------------------------------------------- /src/precompilation/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/precompilation/sources.list -------------------------------------------------------------------------------- /src/shared/BinaryHeader.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/shared/BinaryHeader.cpp -------------------------------------------------------------------------------- /src/shared/BinaryHeader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/shared/BinaryHeader.h -------------------------------------------------------------------------------- /src/signals.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/signals.cpp -------------------------------------------------------------------------------- /src/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/sources.list -------------------------------------------------------------------------------- /src/spirv/SPIRVBuiltins.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVBuiltins.cpp -------------------------------------------------------------------------------- /src/spirv/SPIRVBuiltins.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVBuiltins.h -------------------------------------------------------------------------------- /src/spirv/SPIRVHelper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVHelper.cpp -------------------------------------------------------------------------------- /src/spirv/SPIRVHelper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVHelper.h -------------------------------------------------------------------------------- /src/spirv/SPIRVLexer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVLexer.cpp -------------------------------------------------------------------------------- /src/spirv/SPIRVLexer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVLexer.h -------------------------------------------------------------------------------- /src/spirv/SPIRVOperation.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVOperation.cpp -------------------------------------------------------------------------------- /src/spirv/SPIRVOperation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVOperation.h -------------------------------------------------------------------------------- /src/spirv/SPIRVParserBase.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVParserBase.cpp -------------------------------------------------------------------------------- /src/spirv/SPIRVParserBase.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVParserBase.h -------------------------------------------------------------------------------- /src/spirv/SPIRVToolsParser.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVToolsParser.cpp -------------------------------------------------------------------------------- /src/spirv/SPIRVToolsParser.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/SPIRVToolsParser.h -------------------------------------------------------------------------------- /src/spirv/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/spirv/sources.list -------------------------------------------------------------------------------- /src/tools/Emulator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/tools/Emulator.cpp -------------------------------------------------------------------------------- /src/tools/Emulator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/tools/Emulator.h -------------------------------------------------------------------------------- /src/tools/SmallMap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/tools/SmallMap.h -------------------------------------------------------------------------------- /src/tools/SmallSet.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/tools/SmallSet.h -------------------------------------------------------------------------------- /src/tools/options.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/tools/options.cpp -------------------------------------------------------------------------------- /src/tools/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/src/tools/sources.list -------------------------------------------------------------------------------- /test/ArithmeticTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/ArithmeticTests.cpp -------------------------------------------------------------------------------- /test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/CMakeLists.txt -------------------------------------------------------------------------------- /test/ConversionTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/ConversionTests.cpp -------------------------------------------------------------------------------- /test/EmulationRunner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/EmulationRunner.h -------------------------------------------------------------------------------- /test/FloatTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/FloatTests.cpp -------------------------------------------------------------------------------- /test/IntegerTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/IntegerTests.cpp -------------------------------------------------------------------------------- /test/MathTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/MathTests.cpp -------------------------------------------------------------------------------- /test/MemoryTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/MemoryTests.cpp -------------------------------------------------------------------------------- /test/RegressionTest.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/RegressionTest.cpp -------------------------------------------------------------------------------- /test/RegressionTest.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/RegressionTest.h -------------------------------------------------------------------------------- /test/RelationalTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/RelationalTests.cpp -------------------------------------------------------------------------------- /test/TestAnalyses.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestAnalyses.cpp -------------------------------------------------------------------------------- /test/TestAnalyses.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestAnalyses.h -------------------------------------------------------------------------------- /test/TestCompilationHelper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestCompilationHelper.h -------------------------------------------------------------------------------- /test/TestCustomContainers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestCustomContainers.cpp -------------------------------------------------------------------------------- /test/TestCustomContainers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestCustomContainers.h -------------------------------------------------------------------------------- /test/TestData.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestData.cpp -------------------------------------------------------------------------------- /test/TestData.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestData.h -------------------------------------------------------------------------------- /test/TestEmulator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestEmulator.cpp -------------------------------------------------------------------------------- /test/TestEmulator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestEmulator.h -------------------------------------------------------------------------------- /test/TestEntries.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestEntries.h -------------------------------------------------------------------------------- /test/TestExpressions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestExpressions.cpp -------------------------------------------------------------------------------- /test/TestExpressions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestExpressions.h -------------------------------------------------------------------------------- /test/TestFrontends.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestFrontends.cpp -------------------------------------------------------------------------------- /test/TestFrontends.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestFrontends.h -------------------------------------------------------------------------------- /test/TestGraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestGraph.cpp -------------------------------------------------------------------------------- /test/TestGraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestGraph.h -------------------------------------------------------------------------------- /test/TestInstructions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestInstructions.cpp -------------------------------------------------------------------------------- /test/TestInstructions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestInstructions.h -------------------------------------------------------------------------------- /test/TestIntrinsics.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestIntrinsics.cpp -------------------------------------------------------------------------------- /test/TestIntrinsics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestIntrinsics.h -------------------------------------------------------------------------------- /test/TestMathFunctions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestMathFunctions.cpp -------------------------------------------------------------------------------- /test/TestMathFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestMathFunctions.h -------------------------------------------------------------------------------- /test/TestOperators.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestOperators.cpp -------------------------------------------------------------------------------- /test/TestOperators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestOperators.h -------------------------------------------------------------------------------- /test/TestOptimizationSteps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestOptimizationSteps.cpp -------------------------------------------------------------------------------- /test/TestOptimizationSteps.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestOptimizationSteps.h -------------------------------------------------------------------------------- /test/TestOptimizations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestOptimizations.cpp -------------------------------------------------------------------------------- /test/TestOptimizations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestOptimizations.h -------------------------------------------------------------------------------- /test/TestPatternMatching.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestPatternMatching.cpp -------------------------------------------------------------------------------- /test/TestPatternMatching.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestPatternMatching.h -------------------------------------------------------------------------------- /test/TestRegisterFixes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestRegisterFixes.cpp -------------------------------------------------------------------------------- /test/TestRegisterFixes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/TestRegisterFixes.h -------------------------------------------------------------------------------- /test/VectorTests.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/VectorTests.cpp -------------------------------------------------------------------------------- /test/emulation_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/emulation_helper.h -------------------------------------------------------------------------------- /test/opcode_pack_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/opcode_pack_test.h -------------------------------------------------------------------------------- /test/opcode_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/opcode_test.h -------------------------------------------------------------------------------- /test/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/sources.list -------------------------------------------------------------------------------- /test/test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/test.cpp -------------------------------------------------------------------------------- /test/test_files.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/test_files.cmake -------------------------------------------------------------------------------- /test/unpack_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/test/unpack_test.h -------------------------------------------------------------------------------- /testing/BabelStream/OCLStream.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/BabelStream/OCLStream.cl -------------------------------------------------------------------------------- /testing/CLTune/compile_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/CLTune/compile_all.sh -------------------------------------------------------------------------------- /testing/CLTune/conv.opencl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/CLTune/conv.opencl -------------------------------------------------------------------------------- /testing/CLTune/gemm.opencl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/CLTune/gemm.opencl -------------------------------------------------------------------------------- /testing/FFmpeg/overlay.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/FFmpeg/overlay.cl -------------------------------------------------------------------------------- /testing/FFmpeg/unsharp.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/FFmpeg/unsharp.cl -------------------------------------------------------------------------------- /testing/HandBrake/frame_scale.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/HandBrake/frame_scale.cl -------------------------------------------------------------------------------- /testing/HandBrake/nv12toyuv.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/HandBrake/nv12toyuv.cl -------------------------------------------------------------------------------- /testing/HandBrake/yaif_filter.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/HandBrake/yaif_filter.cl -------------------------------------------------------------------------------- /testing/HandsOnOpenCL/matmul.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/HandsOnOpenCL/matmul.cl -------------------------------------------------------------------------------- /testing/HandsOnOpenCL/pi_ocl.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/HandsOnOpenCL/pi_ocl.cl -------------------------------------------------------------------------------- /testing/JohnTheRipper/opencl_lm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/JohnTheRipper/opencl_lm.h -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenConv1x1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenConv1x1.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenConv1x1J1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenConv1x1J1.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenConv1x1S.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenConv1x1S.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenConvD3x3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenConvD3x3.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenConvFFT.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenConvFFT.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenLRNBwd.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenLRNBwd.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenLRNFwd.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenLRNFwd.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenNeuron.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenNeuron.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenPooling.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenPooling.cl -------------------------------------------------------------------------------- /testing/MIOpen/MIOpenSoftmax.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/MIOpen/MIOpenSoftmax.cl -------------------------------------------------------------------------------- /testing/NVIDIA/BitonicSort.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/BitonicSort.cl -------------------------------------------------------------------------------- /testing/NVIDIA/BitonicSort_b.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/BitonicSort_b.cl -------------------------------------------------------------------------------- /testing/NVIDIA/BlackScholes.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/BlackScholes.cl -------------------------------------------------------------------------------- /testing/NVIDIA/BoxFilter.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/BoxFilter.cl -------------------------------------------------------------------------------- /testing/NVIDIA/DCT8x8.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/DCT8x8.cl -------------------------------------------------------------------------------- /testing/NVIDIA/DXTCompression.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/DXTCompression.cl -------------------------------------------------------------------------------- /testing/NVIDIA/DotProduct.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/DotProduct.cl -------------------------------------------------------------------------------- /testing/NVIDIA/FDTD3d.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/FDTD3d.cl -------------------------------------------------------------------------------- /testing/NVIDIA/Histogram256.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/Histogram256.cl -------------------------------------------------------------------------------- /testing/NVIDIA/Histogram64.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/Histogram64.cl -------------------------------------------------------------------------------- /testing/NVIDIA/MedianFilter.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/MedianFilter.cl -------------------------------------------------------------------------------- /testing/NVIDIA/MersenneTwister.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/MersenneTwister.cl -------------------------------------------------------------------------------- /testing/NVIDIA/Particles.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/Particles.cl -------------------------------------------------------------------------------- /testing/NVIDIA/PostprocessGL.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/PostprocessGL.cl -------------------------------------------------------------------------------- /testing/NVIDIA/RadixSort.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/RadixSort.cl -------------------------------------------------------------------------------- /testing/NVIDIA/Scan.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/Scan.cl -------------------------------------------------------------------------------- /testing/NVIDIA/Scan_b.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/Scan_b.cl -------------------------------------------------------------------------------- /testing/NVIDIA/SobelFilter.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/SobelFilter.cl -------------------------------------------------------------------------------- /testing/NVIDIA/VectorAdd.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/VectorAdd.cl -------------------------------------------------------------------------------- /testing/NVIDIA/VectorHypot.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/VectorHypot.cl -------------------------------------------------------------------------------- /testing/NVIDIA/Viterbi.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/Viterbi.cl -------------------------------------------------------------------------------- /testing/NVIDIA/cyclic_kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/cyclic_kernels.cl -------------------------------------------------------------------------------- /testing/NVIDIA/matrixMul.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/matrixMul.cl -------------------------------------------------------------------------------- /testing/NVIDIA/oclMatVecMul.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/oclMatVecMul.cl -------------------------------------------------------------------------------- /testing/NVIDIA/oclNbodyKernel.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/oclNbodyKernel.cl -------------------------------------------------------------------------------- /testing/NVIDIA/pcr_kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/pcr_kernels.cl -------------------------------------------------------------------------------- /testing/NVIDIA/simpleGL.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/simpleGL.cl -------------------------------------------------------------------------------- /testing/NVIDIA/simpleMultiGPU.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/simpleMultiGPU.cl -------------------------------------------------------------------------------- /testing/NVIDIA/sweep_kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/sweep_kernels.cl -------------------------------------------------------------------------------- /testing/NVIDIA/texture_2d.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/texture_2d.cl -------------------------------------------------------------------------------- /testing/NVIDIA/texture_cube.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/texture_cube.cl -------------------------------------------------------------------------------- /testing/NVIDIA/texture_volume.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/texture_volume.cl -------------------------------------------------------------------------------- /testing/NVIDIA/transpose.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/transpose.cl -------------------------------------------------------------------------------- /testing/NVIDIA/volumeRender.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/NVIDIA/volumeRender.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/abs_diff.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/abs_diff.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/astype.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/astype.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/barrier.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/barrier.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/clamp.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/clamp.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/constant.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/constant.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/loop.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/loop.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/sub_sat.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/sub_sat.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/test_half.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/test_half.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/test_local.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/test_local.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/test_select.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/test_select.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/test_vload.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/test_vload.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/vec_align.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/vec_align.cl -------------------------------------------------------------------------------- /testing/OpenCL-CTS/vecstep.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCL-CTS/vecstep.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Arithmetic.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Arithmetic.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Base.h -------------------------------------------------------------------------------- /testing/OpenCLIPP/Blob.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Blob.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Buffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Buffers.h -------------------------------------------------------------------------------- /testing/OpenCLIPP/Convert.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Convert.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Filters.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Filters.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Histogram.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Histogram.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Integral.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Integral.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Logic.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Logic.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Lut.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Lut.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Median.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Median.h -------------------------------------------------------------------------------- /testing/OpenCLIPP/Morphology.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Morphology.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Statistics.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Statistics.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Thresholding.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Thresholding.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Transform.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Transform.cl -------------------------------------------------------------------------------- /testing/OpenCLIPP/Vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCLIPP/Vector.h -------------------------------------------------------------------------------- /testing/OpenCV/arithm.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/arithm.cl -------------------------------------------------------------------------------- /testing/OpenCV/color_lab.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/color_lab.cl -------------------------------------------------------------------------------- /testing/OpenCV/compile_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/compile_all.sh -------------------------------------------------------------------------------- /testing/OpenCV/convert.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/convert.cl -------------------------------------------------------------------------------- /testing/OpenCV/copymakeborder.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/copymakeborder.cl -------------------------------------------------------------------------------- /testing/OpenCV/copyset.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/copyset.cl -------------------------------------------------------------------------------- /testing/OpenCV/cvtclr_dx.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/cvtclr_dx.cl -------------------------------------------------------------------------------- /testing/OpenCV/fft.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/fft.cl -------------------------------------------------------------------------------- /testing/OpenCV/flip.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/flip.cl -------------------------------------------------------------------------------- /testing/OpenCV/gemm.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/gemm.cl -------------------------------------------------------------------------------- /testing/OpenCV/inrange.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/inrange.cl -------------------------------------------------------------------------------- /testing/OpenCV/lut.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/lut.cl -------------------------------------------------------------------------------- /testing/OpenCV/meanstddev.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/meanstddev.cl -------------------------------------------------------------------------------- /testing/OpenCV/minmaxloc.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/minmaxloc.cl -------------------------------------------------------------------------------- /testing/OpenCV/mixchannels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/mixchannels.cl -------------------------------------------------------------------------------- /testing/OpenCV/mulspectrums.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/mulspectrums.cl -------------------------------------------------------------------------------- /testing/OpenCV/mulspectrums.cl.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/mulspectrums.cl.ir -------------------------------------------------------------------------------- /testing/OpenCV/normalize.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/normalize.cl -------------------------------------------------------------------------------- /testing/OpenCV/opencv-lut-mat.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/opencv-lut-mat.cl -------------------------------------------------------------------------------- /testing/OpenCV/reduce.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/reduce.cl -------------------------------------------------------------------------------- /testing/OpenCV/reduce2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/reduce2.cl -------------------------------------------------------------------------------- /testing/OpenCV/repeat.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/repeat.cl -------------------------------------------------------------------------------- /testing/OpenCV/set_identity.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/set_identity.cl -------------------------------------------------------------------------------- /testing/OpenCV/set_identity.cl.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/set_identity.cl.ir -------------------------------------------------------------------------------- /testing/OpenCV/split_merge.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/split_merge.cl -------------------------------------------------------------------------------- /testing/OpenCV/transpose.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/transpose.cl -------------------------------------------------------------------------------- /testing/OpenCV/transpose.cl.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/OpenCV/transpose.cl.ir -------------------------------------------------------------------------------- /testing/ViennaCL/scalar-test.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/ViennaCL/scalar-test.cl -------------------------------------------------------------------------------- /testing/bfgminer/diablo.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/diablo.cl -------------------------------------------------------------------------------- /testing/bfgminer/diakgcn.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/diakgcn.cl -------------------------------------------------------------------------------- /testing/bfgminer/keccak.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/keccak.cl -------------------------------------------------------------------------------- /testing/bfgminer/phatk.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/phatk.cl -------------------------------------------------------------------------------- /testing/bfgminer/poclbm.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/poclbm.cl -------------------------------------------------------------------------------- /testing/bfgminer/psw.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/psw.cl -------------------------------------------------------------------------------- /testing/bfgminer/scrypt.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/scrypt.cl -------------------------------------------------------------------------------- /testing/bfgminer/zuikkis.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bfgminer/zuikkis.cl -------------------------------------------------------------------------------- /testing/blender/kernel.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/blender/kernel.cl -------------------------------------------------------------------------------- /testing/bugs/30_local_memory.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/30_local_memory.cl -------------------------------------------------------------------------------- /testing/bugs/35_benchmark.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/35_benchmark.cl -------------------------------------------------------------------------------- /testing/bugs/97_loop.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/97_loop.cl -------------------------------------------------------------------------------- /testing/bugs/mcx_core.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/mcx_core.cl -------------------------------------------------------------------------------- /testing/bugs/vc4cl_31_vload4.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/vc4cl_31_vload4.cl -------------------------------------------------------------------------------- /testing/bugs/vc4cl_41_hang.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/vc4cl_41_hang.cl -------------------------------------------------------------------------------- /testing/bugs/vc4cl_85_sat_add.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bugs/vc4cl_85_sat_add.cl -------------------------------------------------------------------------------- /testing/bullet/jointSolver.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bullet/jointSolver.cl -------------------------------------------------------------------------------- /testing/bullet/solveContact.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bullet/solveContact.cl -------------------------------------------------------------------------------- /testing/bullet/solveFriction.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/bullet/solveFriction.cl -------------------------------------------------------------------------------- /testing/cgminer/diablo130302.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cgminer/diablo130302.cl -------------------------------------------------------------------------------- /testing/cgminer/diakgcn121016.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cgminer/diakgcn121016.cl -------------------------------------------------------------------------------- /testing/cgminer/phatk121016.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cgminer/phatk121016.cl -------------------------------------------------------------------------------- /testing/cgminer/poclbm130302.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cgminer/poclbm130302.cl -------------------------------------------------------------------------------- /testing/cgminer/scrypt130511.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cgminer/scrypt130511.cl -------------------------------------------------------------------------------- /testing/clNN/SoftMax.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/clNN/SoftMax.cl -------------------------------------------------------------------------------- /testing/clNN/SpatialMaxPooling.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/clNN/SpatialMaxPooling.cl -------------------------------------------------------------------------------- /testing/clNN/im2col.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/clNN/im2col.cl -------------------------------------------------------------------------------- /testing/clpeak/all_kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/clpeak/all_kernels.cl -------------------------------------------------------------------------------- /testing/cltorch/THClApply.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClApply.cl -------------------------------------------------------------------------------- /testing/cltorch/THClGather.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClGather.cl -------------------------------------------------------------------------------- /testing/cltorch/THClReduce.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClReduce.cl -------------------------------------------------------------------------------- /testing/cltorch/THClReduceAll.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClReduceAll.cl -------------------------------------------------------------------------------- /testing/cltorch/THClScatter.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClScatter.cl -------------------------------------------------------------------------------- /testing/cltorch/THClStorageGet.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClStorageGet.cl -------------------------------------------------------------------------------- /testing/cltorch/THClStorageSet.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/cltorch/THClStorageSet.cl -------------------------------------------------------------------------------- /testing/deepCL/ForwardIm2Col.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/ForwardIm2Col.cl -------------------------------------------------------------------------------- /testing/deepCL/SGD.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/SGD.cl -------------------------------------------------------------------------------- /testing/deepCL/activate.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/activate.cl -------------------------------------------------------------------------------- /testing/deepCL/addscalar.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/addscalar.cl -------------------------------------------------------------------------------- /testing/deepCL/backpropweights.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/backpropweights.cl -------------------------------------------------------------------------------- /testing/deepCL/backward.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/backward.cl -------------------------------------------------------------------------------- /testing/deepCL/backward_cached.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/backward_cached.cl -------------------------------------------------------------------------------- /testing/deepCL/bw_rowperwg.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/bw_rowperwg.cl -------------------------------------------------------------------------------- /testing/deepCL/compile_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/compile_all.sh -------------------------------------------------------------------------------- /testing/deepCL/copy.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/copy.cl -------------------------------------------------------------------------------- /testing/deepCL/copyBlock.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/copyBlock.cl -------------------------------------------------------------------------------- /testing/deepCL/copyLocal.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/copyLocal.cl -------------------------------------------------------------------------------- /testing/deepCL/dropout.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/dropout.cl -------------------------------------------------------------------------------- /testing/deepCL/forward.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/forward.cl -------------------------------------------------------------------------------- /testing/deepCL/forward1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/forward1.cl -------------------------------------------------------------------------------- /testing/deepCL/forward2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/forward2.cl -------------------------------------------------------------------------------- /testing/deepCL/forward3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/forward3.cl -------------------------------------------------------------------------------- /testing/deepCL/forward4.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/forward4.cl -------------------------------------------------------------------------------- /testing/deepCL/forward_fc.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/forward_fc.cl -------------------------------------------------------------------------------- /testing/deepCL/ids.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/ids.cl -------------------------------------------------------------------------------- /testing/deepCL/inv.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/inv.cl -------------------------------------------------------------------------------- /testing/deepCL/memset.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/memset.cl -------------------------------------------------------------------------------- /testing/deepCL/per_element_add.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/per_element_add.cl -------------------------------------------------------------------------------- /testing/deepCL/per_element_op1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/per_element_op1.cl -------------------------------------------------------------------------------- /testing/deepCL/per_element_op2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/per_element_op2.cl -------------------------------------------------------------------------------- /testing/deepCL/pooling.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/pooling.cl -------------------------------------------------------------------------------- /testing/deepCL/reduce_segments.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/reduce_segments.cl -------------------------------------------------------------------------------- /testing/deepCL/sqrt.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/sqrt.cl -------------------------------------------------------------------------------- /testing/deepCL/squared.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/deepCL/squared.cl -------------------------------------------------------------------------------- /testing/efficiency_test.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/efficiency_test.cl -------------------------------------------------------------------------------- /testing/formats/test.bc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/formats/test.bc -------------------------------------------------------------------------------- /testing/formats/test.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/formats/test.bin -------------------------------------------------------------------------------- /testing/formats/test.hex: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/formats/test.hex -------------------------------------------------------------------------------- /testing/formats/test.spv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/formats/test.spv -------------------------------------------------------------------------------- /testing/formats/test.txt: -------------------------------------------------------------------------------- 1 | 2 | This is some plain text, nothing to see here -------------------------------------------------------------------------------- /testing/gputools/bilateral2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/bilateral2.cl -------------------------------------------------------------------------------- /testing/gputools/bilateral3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/bilateral3.cl -------------------------------------------------------------------------------- /testing/gputools/conv_spatial2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/conv_spatial2.cl -------------------------------------------------------------------------------- /testing/gputools/conv_spatial3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/conv_spatial3.cl -------------------------------------------------------------------------------- /testing/gputools/convolve.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/convolve.cl -------------------------------------------------------------------------------- /testing/gputools/convolve1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/convolve1.cl -------------------------------------------------------------------------------- /testing/gputools/convolve2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/convolve2.cl -------------------------------------------------------------------------------- /testing/gputools/convolve3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/convolve3.cl -------------------------------------------------------------------------------- /testing/gputools/convolve_sep.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/convolve_sep.cl -------------------------------------------------------------------------------- /testing/gputools/dct_8x8.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/dct_8x8.cl -------------------------------------------------------------------------------- /testing/gputools/dct_8x8_new.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/dct_8x8_new.cl -------------------------------------------------------------------------------- /testing/gputools/dct_8x8x8.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/dct_8x8x8.cl -------------------------------------------------------------------------------- /testing/gputools/deconv_rl.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/deconv_rl.cl -------------------------------------------------------------------------------- /testing/gputools/fftshift.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/fftshift.cl -------------------------------------------------------------------------------- /testing/gputools/minmax_filter.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/minmax_filter.cl -------------------------------------------------------------------------------- /testing/gputools/nlm2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlm2.cl -------------------------------------------------------------------------------- /testing/gputools/nlm3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlm3.cl -------------------------------------------------------------------------------- /testing/gputools/nlm3_thresh.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlm3_thresh.cl -------------------------------------------------------------------------------- /testing/gputools/nlm_fast.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlm_fast.cl -------------------------------------------------------------------------------- /testing/gputools/nlm_fast3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlm_fast3.cl -------------------------------------------------------------------------------- /testing/gputools/nlmeans.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlmeans.cl -------------------------------------------------------------------------------- /testing/gputools/nlmeans3d.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/nlmeans3d.cl -------------------------------------------------------------------------------- /testing/gputools/patch_kernel.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/patch_kernel.cl -------------------------------------------------------------------------------- /testing/gputools/perlin.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/perlin.cl -------------------------------------------------------------------------------- /testing/gputools/scale.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/scale.cl -------------------------------------------------------------------------------- /testing/gputools/tv_chambolle.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/gputools/tv_chambolle.cl -------------------------------------------------------------------------------- /testing/hashcat/amp_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/amp_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/amp_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/amp_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/amp_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/amp_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_cipher_aes.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_cipher_aes.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_common.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_common.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_comp_multi.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_comp_multi.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_hash_md4.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_hash_md4.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_hash_md5.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_hash_md5.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_hash_sha1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_hash_sha1.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_luks_aes.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_luks_aes.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_luks_af.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_luks_af.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_luks_essiv.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_luks_essiv.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_luks_xts.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_luks_xts.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_rp.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_rp.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_rp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_rp.h -------------------------------------------------------------------------------- /testing/hashcat/inc_scalar.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_scalar.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_simd.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_simd.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_types.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_types.cl -------------------------------------------------------------------------------- /testing/hashcat/inc_vendor.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/inc_vendor.cl -------------------------------------------------------------------------------- /testing/hashcat/m00000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00010_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00010_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00010_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00010_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00010_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00010_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00020_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00020_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00020_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00020_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00020_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00020_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00030_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00030_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00030_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00030_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00030_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00030_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00040_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00040_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00040_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00040_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00040_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00040_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00050_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00050_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00050_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00050_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00050_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00050_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00060_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00060_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00060_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00060_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00060_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00060_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00110_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00110_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00110_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00110_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00110_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00110_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00120_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00120_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00120_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00120_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00120_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00120_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00130_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00130_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00130_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00130_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00130_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00130_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00140_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00140_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00140_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00140_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00140_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00140_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00150_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00150_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00150_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00150_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00150_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00150_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00160_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00160_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00160_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00160_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00160_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00160_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00300_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00300_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00300_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00300_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00300_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00300_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m00400.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00400.cl -------------------------------------------------------------------------------- /testing/hashcat/m00500.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00500.cl -------------------------------------------------------------------------------- /testing/hashcat/m00900_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00900_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m00900_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00900_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m00900_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m00900_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01300_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01300_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01300_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01300_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01300_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01300_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01400_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01400_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01400_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01400_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01400_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01400_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01410_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01410_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01410_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01410_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01410_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01410_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01420_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01420_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01420_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01420_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01420_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01420_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01430_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01430_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01430_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01430_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01430_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01430_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01440_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01440_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01440_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01440_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01440_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01440_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01450_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01450_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01450_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01450_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01450_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01450_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01460_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01460_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01460_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01460_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01460_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01460_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01600.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01600.cl -------------------------------------------------------------------------------- /testing/hashcat/m01700_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01700_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01700_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01700_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01700_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01700_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01710_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01710_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01710_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01710_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01710_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01710_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01720_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01720_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01720_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01720_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01720_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01720_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01730_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01730_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01730_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01730_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01730_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01730_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01740_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01740_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01740_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01740_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01740_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01740_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01750_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01750_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01750_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01750_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01750_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01750_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01760_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01760_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m01760_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01760_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m01760_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01760_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m01800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m01800.cl -------------------------------------------------------------------------------- /testing/hashcat/m02000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m02000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m02000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m02100.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02100.cl -------------------------------------------------------------------------------- /testing/hashcat/m02500.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02500.cl -------------------------------------------------------------------------------- /testing/hashcat/m02501.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02501.cl -------------------------------------------------------------------------------- /testing/hashcat/m02610_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02610_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m02610_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02610_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m02610_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02610_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m02810_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02810_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m02810_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02810_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m02810_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m02810_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m03000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m03000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m03000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m03200.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03200.cl -------------------------------------------------------------------------------- /testing/hashcat/m03710_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03710_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m03710_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03710_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m03710_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03710_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m03800_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03800_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m03800_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03800_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m03800_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03800_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m03910_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03910_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m03910_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03910_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m03910_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m03910_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04010_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04010_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04010_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04010_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04010_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04010_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04110_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04110_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04110_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04110_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04110_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04110_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04310_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04310_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04310_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04310_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04310_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04310_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04400_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04400_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04400_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04400_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04400_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04400_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04520_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04520_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04520_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04520_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04520_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04520_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04700_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04700_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04700_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04700_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04700_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04700_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04800_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04800_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04800_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04800_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04800_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04800_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m04900_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04900_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m04900_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04900_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m04900_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m04900_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m05100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m05100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m05100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m05200.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05200.cl -------------------------------------------------------------------------------- /testing/hashcat/m05300_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05300_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m05300_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05300_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m05300_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05300_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m05400_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05400_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m05400_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05400_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m05400_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05400_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m05500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m05500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m05500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m05600_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05600_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m05600_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05600_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m05600_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05600_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m05800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m05800.cl -------------------------------------------------------------------------------- /testing/hashcat/m06000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m06000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m06000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m06100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m06100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m06100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m06211.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06211.cl -------------------------------------------------------------------------------- /testing/hashcat/m06212.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06212.cl -------------------------------------------------------------------------------- /testing/hashcat/m06213.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06213.cl -------------------------------------------------------------------------------- /testing/hashcat/m06221.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06221.cl -------------------------------------------------------------------------------- /testing/hashcat/m06222.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06222.cl -------------------------------------------------------------------------------- /testing/hashcat/m06223.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06223.cl -------------------------------------------------------------------------------- /testing/hashcat/m06231.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06231.cl -------------------------------------------------------------------------------- /testing/hashcat/m06232.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06232.cl -------------------------------------------------------------------------------- /testing/hashcat/m06233.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06233.cl -------------------------------------------------------------------------------- /testing/hashcat/m06300.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06300.cl -------------------------------------------------------------------------------- /testing/hashcat/m06400.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06400.cl -------------------------------------------------------------------------------- /testing/hashcat/m06500.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06500.cl -------------------------------------------------------------------------------- /testing/hashcat/m06600.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06600.cl -------------------------------------------------------------------------------- /testing/hashcat/m06700.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06700.cl -------------------------------------------------------------------------------- /testing/hashcat/m06800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m06800.cl -------------------------------------------------------------------------------- /testing/hashcat/m07000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m07000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m07000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m07100.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07100.cl -------------------------------------------------------------------------------- /testing/hashcat/m07300_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07300_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m07300_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07300_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m07300_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07300_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m07400.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07400.cl -------------------------------------------------------------------------------- /testing/hashcat/m07500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m07500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m07500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m07900.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m07900.cl -------------------------------------------------------------------------------- /testing/hashcat/m08100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m08100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m08100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m08200.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08200.cl -------------------------------------------------------------------------------- /testing/hashcat/m08300_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08300_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m08300_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08300_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m08300_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08300_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m08400_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08400_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m08400_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08400_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m08400_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08400_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m08500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m08500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m08500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m08600_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08600_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m08600_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08600_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m08600_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08600_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m08800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08800.cl -------------------------------------------------------------------------------- /testing/hashcat/m08900.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m08900.cl -------------------------------------------------------------------------------- /testing/hashcat/m09000.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09000.cl -------------------------------------------------------------------------------- /testing/hashcat/m09100.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09100.cl -------------------------------------------------------------------------------- /testing/hashcat/m09400.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09400.cl -------------------------------------------------------------------------------- /testing/hashcat/m09500.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09500.cl -------------------------------------------------------------------------------- /testing/hashcat/m09600.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09600.cl -------------------------------------------------------------------------------- /testing/hashcat/m09900_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09900_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m09900_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09900_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m09900_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m09900_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m10300.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10300.cl -------------------------------------------------------------------------------- /testing/hashcat/m10500.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10500.cl -------------------------------------------------------------------------------- /testing/hashcat/m10700.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10700.cl -------------------------------------------------------------------------------- /testing/hashcat/m10800_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10800_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m10800_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10800_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m10800_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10800_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m10900.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m10900.cl -------------------------------------------------------------------------------- /testing/hashcat/m11000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m11000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m11000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m11100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m11100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m11100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m11200_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11200_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m11200_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11200_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m11200_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11200_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m11300.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11300.cl -------------------------------------------------------------------------------- /testing/hashcat/m11400_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11400_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m11400_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11400_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m11400_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11400_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m11600.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11600.cl -------------------------------------------------------------------------------- /testing/hashcat/m11900.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m11900.cl -------------------------------------------------------------------------------- /testing/hashcat/m12000.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12000.cl -------------------------------------------------------------------------------- /testing/hashcat/m12200.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12200.cl -------------------------------------------------------------------------------- /testing/hashcat/m12300.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12300.cl -------------------------------------------------------------------------------- /testing/hashcat/m12400.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12400.cl -------------------------------------------------------------------------------- /testing/hashcat/m12500.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12500.cl -------------------------------------------------------------------------------- /testing/hashcat/m12600_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12600_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m12600_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12600_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m12600_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12600_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m12700.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12700.cl -------------------------------------------------------------------------------- /testing/hashcat/m12800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12800.cl -------------------------------------------------------------------------------- /testing/hashcat/m12900.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m12900.cl -------------------------------------------------------------------------------- /testing/hashcat/m13000.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13000.cl -------------------------------------------------------------------------------- /testing/hashcat/m13100_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13100_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m13100_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13100_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m13100_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13100_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m13200.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13200.cl -------------------------------------------------------------------------------- /testing/hashcat/m13300_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13300_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m13300_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13300_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m13300_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13300_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m13400.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13400.cl -------------------------------------------------------------------------------- /testing/hashcat/m13500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m13500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m13500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m13600.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13600.cl -------------------------------------------------------------------------------- /testing/hashcat/m13751.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13751.cl -------------------------------------------------------------------------------- /testing/hashcat/m13752.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13752.cl -------------------------------------------------------------------------------- /testing/hashcat/m13753.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13753.cl -------------------------------------------------------------------------------- /testing/hashcat/m13800_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13800_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m13800_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13800_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m13800_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13800_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m13900_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13900_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m13900_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13900_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m13900_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m13900_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m14400_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14400_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m14400_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14400_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m14400_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14400_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m14611.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14611.cl -------------------------------------------------------------------------------- /testing/hashcat/m14612.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14612.cl -------------------------------------------------------------------------------- /testing/hashcat/m14613.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14613.cl -------------------------------------------------------------------------------- /testing/hashcat/m14621.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14621.cl -------------------------------------------------------------------------------- /testing/hashcat/m14622.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14622.cl -------------------------------------------------------------------------------- /testing/hashcat/m14623.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14623.cl -------------------------------------------------------------------------------- /testing/hashcat/m14631.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14631.cl -------------------------------------------------------------------------------- /testing/hashcat/m14632.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14632.cl -------------------------------------------------------------------------------- /testing/hashcat/m14633.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14633.cl -------------------------------------------------------------------------------- /testing/hashcat/m14641.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14641.cl -------------------------------------------------------------------------------- /testing/hashcat/m14642.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14642.cl -------------------------------------------------------------------------------- /testing/hashcat/m14643.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14643.cl -------------------------------------------------------------------------------- /testing/hashcat/m14700.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14700.cl -------------------------------------------------------------------------------- /testing/hashcat/m14800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m14800.cl -------------------------------------------------------------------------------- /testing/hashcat/m15000_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15000_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m15000_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15000_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m15000_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15000_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m15100.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15100.cl -------------------------------------------------------------------------------- /testing/hashcat/m15300.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15300.cl -------------------------------------------------------------------------------- /testing/hashcat/m15500_a0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15500_a0.cl -------------------------------------------------------------------------------- /testing/hashcat/m15500_a1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15500_a1.cl -------------------------------------------------------------------------------- /testing/hashcat/m15500_a3.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15500_a3.cl -------------------------------------------------------------------------------- /testing/hashcat/m15600.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15600.cl -------------------------------------------------------------------------------- /testing/hashcat/m15700.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15700.cl -------------------------------------------------------------------------------- /testing/hashcat/m15800.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/m15800.cl -------------------------------------------------------------------------------- /testing/hashcat/markov_be.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/markov_be.cl -------------------------------------------------------------------------------- /testing/hashcat/markov_le.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/hashcat/markov_le.cl -------------------------------------------------------------------------------- /testing/icd_test.ir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/icd_test.ir -------------------------------------------------------------------------------- /testing/libxcam/kernel_csc.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_csc.cl -------------------------------------------------------------------------------- /testing/libxcam/kernel_demo.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_demo.cl -------------------------------------------------------------------------------- /testing/libxcam/kernel_fisheye.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_fisheye.cl -------------------------------------------------------------------------------- /testing/libxcam/kernel_gauss.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_gauss.cl -------------------------------------------------------------------------------- /testing/libxcam/kernel_geo_map.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_geo_map.cl -------------------------------------------------------------------------------- /testing/libxcam/kernel_retinex.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_retinex.cl -------------------------------------------------------------------------------- /testing/libxcam/kernel_tnr.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/libxcam/kernel_tnr.cl -------------------------------------------------------------------------------- /testing/local_private_storage.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/local_private_storage.cl -------------------------------------------------------------------------------- /testing/mixbench/mix_kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/mixbench/mix_kernels.cl -------------------------------------------------------------------------------- /testing/rendergirl/FXAA.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rendergirl/FXAA.cl -------------------------------------------------------------------------------- /testing/rodinia/bfs-Kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rodinia/bfs-Kernels.cl -------------------------------------------------------------------------------- /testing/rodinia/cfd-Kernels.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rodinia/cfd-Kernels.cl -------------------------------------------------------------------------------- /testing/rodinia/kmeans.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rodinia/kmeans.cl -------------------------------------------------------------------------------- /testing/rodinia/lud_kernel.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rodinia/lud_kernel.cl -------------------------------------------------------------------------------- /testing/rodinia/main.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rodinia/main.h -------------------------------------------------------------------------------- /testing/rodinia/nw.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/rodinia/nw.cl -------------------------------------------------------------------------------- /testing/spimagine/occlusion.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/spimagine/occlusion.cl -------------------------------------------------------------------------------- /testing/spimagine/utils.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/spimagine/utils.cl -------------------------------------------------------------------------------- /testing/test_async_copy.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_async_copy.cl -------------------------------------------------------------------------------- /testing/test_atomic.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_atomic.cl -------------------------------------------------------------------------------- /testing/test_barrier.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_barrier.cl -------------------------------------------------------------------------------- /testing/test_barrier_fence.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_barrier_fence.cl -------------------------------------------------------------------------------- /testing/test_branches.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_branches.cl -------------------------------------------------------------------------------- /testing/test_builtins.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_builtins.cl -------------------------------------------------------------------------------- /testing/test_common.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_common.cl -------------------------------------------------------------------------------- /testing/test_constant_load.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_constant_load.cl -------------------------------------------------------------------------------- /testing/test_conversions.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_conversions.cl -------------------------------------------------------------------------------- /testing/test_expect_assume.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_expect_assume.cl -------------------------------------------------------------------------------- /testing/test_float.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_float.cl -------------------------------------------------------------------------------- /testing/test_geometric.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_geometric.cl -------------------------------------------------------------------------------- /testing/test_global_data.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_global_data.cl -------------------------------------------------------------------------------- /testing/test_hashes.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_hashes.cl -------------------------------------------------------------------------------- /testing/test_if_switch.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_if_switch.cl -------------------------------------------------------------------------------- /testing/test_images.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_images.cl -------------------------------------------------------------------------------- /testing/test_immediates.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_immediates.cl -------------------------------------------------------------------------------- /testing/test_inner_loops.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_inner_loops.cl -------------------------------------------------------------------------------- /testing/test_int.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_int.cl -------------------------------------------------------------------------------- /testing/test_int_float_div.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_int_float_div.cpp -------------------------------------------------------------------------------- /testing/test_integer.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_integer.cl -------------------------------------------------------------------------------- /testing/test_linking_0.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_linking_0.cl -------------------------------------------------------------------------------- /testing/test_linking_1.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_linking_1.cl -------------------------------------------------------------------------------- /testing/test_linking_2.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_linking_2.cl -------------------------------------------------------------------------------- /testing/test_math.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_math.cl -------------------------------------------------------------------------------- /testing/test_other.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_other.cl -------------------------------------------------------------------------------- /testing/test_partial_md5.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_partial_md5.cl -------------------------------------------------------------------------------- /testing/test_printf.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_printf.cl -------------------------------------------------------------------------------- /testing/test_sfu.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_sfu.cl -------------------------------------------------------------------------------- /testing/test_shuffle.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_shuffle.cl -------------------------------------------------------------------------------- /testing/test_signedness.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_signedness.cl -------------------------------------------------------------------------------- /testing/test_storage.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_storage.cl -------------------------------------------------------------------------------- /testing/test_struct.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_struct.cl -------------------------------------------------------------------------------- /testing/test_tmu_loads.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_tmu_loads.cl -------------------------------------------------------------------------------- /testing/test_vector.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_vector.cl -------------------------------------------------------------------------------- /testing/test_vector3_layout.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_vector3_layout.cl -------------------------------------------------------------------------------- /testing/test_vectorization.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_vectorization.cl -------------------------------------------------------------------------------- /testing/test_vpm_read.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_vpm_read.cl -------------------------------------------------------------------------------- /testing/test_vpm_write.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_vpm_write.cl -------------------------------------------------------------------------------- /testing/test_work_item.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/test_work_item.cl -------------------------------------------------------------------------------- /testing/vlc_x264/bidir.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/vlc_x264/bidir.cl -------------------------------------------------------------------------------- /testing/vlc_x264/downscale.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/vlc_x264/downscale.cl -------------------------------------------------------------------------------- /testing/vlc_x264/intra.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/vlc_x264/intra.cl -------------------------------------------------------------------------------- /testing/vlc_x264/subpel.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/vlc_x264/subpel.cl -------------------------------------------------------------------------------- /testing/vlc_x264/weightp.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/vlc_x264/weightp.cl -------------------------------------------------------------------------------- /testing/vlc_x264/x264-cl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/testing/vlc_x264/x264-cl.h -------------------------------------------------------------------------------- /tools/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/tools/CMakeLists.txt -------------------------------------------------------------------------------- /tools/emulator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/tools/emulator.cpp -------------------------------------------------------------------------------- /tools/generate_overloads.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/doe300/VC4C/HEAD/tools/generate_overloads.cpp --------------------------------------------------------------------------------