File tree
1,520 files changed
+223103
-30462
lines changed- AI-and-Analytics
- Features-and-Functionality
- INC_QuantizationAwareTraining_TextClassification
- IntelPyTorch_Extensions_Inference_Optimization
- images
- IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8
- IntelPyTorch_TrainingOptimizations_AMX_BF16
- IntelPython_XGBoost_Performance
- IntelPython_daal4py_DistributedKMeans
- IntelPython_daal4py_DistributedLinearRegression
- IntelPytorch_Quantization
- assets
- IntelTensorFlow_AMX_BF16_Inference
- images
- IntelTensorFlow_AMX_BF16_Training
- assets
- IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning
- images
- IntelTensorFlow_InferenceOptimization
- images
- IntelTensorFlow_ModelZoo_Inference_with_FP32_Int8
- IntelTensorFlow_PerformanceAnalysis
- images
- IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision
- patch
- Getting-Started-Samples
- INC-Sample-for-Tensorflow
- IntelModin_GettingStarted
- IntelPython_XGBoost_GettingStarted
- IntelPython_daal4py_GettingStarted
- IntelTensorFlow_GettingStarted
- Intel_Extension_For_PyTorch_GettingStarted
- Intel_Extension_For_SKLearn_GettingStarted
- Intel_Extension_For_TensorFlow_GettingStarted
- Jupyter
- Introduction_to_Machine_Learning
- Numba_dpex_Essentials_training
- 01_dpex_Intro
- lab
- 02_dpctl_Intro
- 03_dpex_Pairwise_Distance
- 04_dpex_Black_Sholes
- 05_dpex_Kmeans
- lab
- 06_dpex_GPAIRS
- lab
- 07_dpex_KNN
- 08_dpex_reductions
- lab
- Predictive_Modeling_Training
- DirectProgramming
- C++
- GraphTraversal/MergesortOMP
- Jupyter/OpenMP-offload-training
- ParallelPatterns/openmp_reduction/src
- StructuredGrids/iso3dfd_omp_offload
- C++SYCL
- DenseLinearAlgebra
- guided_jacobiCudaGraphs_SYCLMigration
- 01_dpct_output
- Common
- Samples/3_CUDA_Features/jacobiCudaGraphs
- include/dpct
- 02_sycl_migrated
- Common
- taskflow
- algorithm
- core
- cuda
- algorithm
- dsl
- sycl
- algorithm
- utility
- Samples/3_CUDA_Features/jacobiCudaGraphs
- include/dpct
- 03_sycl_migrated_optimized
- Common
- taskflow
- algorithm
- core
- cuda
- algorithm
- dsl
- sycl
- algorithm
- utility
- Samples/3_CUDA_Features/jacobiCudaGraphs
- include/dpct
- guided_jacobi_SYCLMigration
- 01_sycl_dpct_output/src
- 02_sycl_dpct_migrated
- src
- 03_sycl_migrated
- src
- 04_sycl_migrated_optimized
- src
- guided_jacobi_iterative_gpu_optimization
- guided_simpleCudaGraphs_SYCLMigration
- 01_dpct_output
- Common
- Samples/3_CUDA_Features/simpleCudaGraphs
- include/dpct
- 02_sycl_migrated
- Common
- taskflow
- algorithm
- core
- cuda
- algorithm
- dsl
- sycl
- algorithm
- utility
- Samples/3_CUDA_Features/simpleCudaGraphs
- include/dpct
- matrix_mul
- simple-add
- src
- vector-add
- src
- GraphTraversal
- guided_odd_even_merge_sort_SYCLMigration
- 01_dpct_output
- Common
- Samples/2_Concepts_and_Techniques/sortingNetworks
- include/dpct
- 01_sycl_dpct_output/src
- 02_sycl_dpct_migrated
- 02_sycl_migrated
- Common
- Samples/2_Concepts_and_Techniques/sortingNetworks
- include/dpct
- 03_sycl_migrated
- src
- Jupyter
- cuda-to-sycl-migration-training
- 01_SYCL_Migration_Simple_VectorAdd
- 02_SYCL_Migration_SortingNetworks
- 03_SYCL_Migration_Jacobi_Iterative
- 04_SYCL_Migration_MatrixMul_CuBlas
- gpu-optimization-sycl-training
- 01_Introduction_to_GPU_Optimization
- assets
- 02_Thread_Mapping_and_Occupancy
- assets
- lab
- src
- 03_Memory_Optimization
- assets
- lab
- src
- 04_Kernel_Submission
- lab
- src
- 05_Kernel_Programming
- lab
- src
- 07_Sub_Groups
- lab
- src
- 08_Atomic_Operations
- assets
- lab
- src
- 09_Kernel_Reduction
- lab
- src
- 15_Implicit_Explicit_Scaling
- assets
- lab
- src
- oneapi-essentials-training
- 02_SYCL_Program_Structure
- lab
- 06_Intel_VTune_Profiler/include
- 07_oneDPL_Library
- lab
- 09_SYCL_Buffers_And_Accessors_Indepth
- lab
- src
- MapReduce
- MonteCarloPi
- guided_MonteCarloMultiGPU_SYCLMigration
- 01_dpct_output
- Common
- Samples/5_Domain_Specific/MonteCarloMultiGPU
- include/dpct
- 01_sycl_dpct_output
- Common
- src
- 02_sycl_dpct_migrated
- Common
- src
- 02_sycl_migrated
- Common
- Samples/5_Domain_Specific/MonteCarloMultiGPU
- include/dpct
- 03_sycl_migrated
- Common
- src
- 04_sycl_migrated_optimized
- Common
- src
- guided_quasirandomGenerator_SYCLMigration
- 01_dpct_output
- Common
- Samples/5_Domain_Specific/quasirandomGenerator
- include/dpct
- 02_sycl_migrated_optimized
- Common
- Samples/5_Domain_Specific/quasirandomGenerator
- include/dpct
- ParallelPatterns/dpc_reduce
- StructuredGrids
- guided_HSOpticalflow_SYCLMigration
- 02_sycl_dpct_migrated
- src
- 03_sycl_migrated
- src
- 04_sycl_migrated_optimized
- src
- guided_iso3dfd_GPUOptimization
- iso2dfd_dpcpp
- src
- iso3dfd_dpcpp/include
- particle-diffusion
- guided_concurrentKernels_SYCLMigration
- 02_sycl_dpct_migrated
- src
- 03_sycl_migrated
- guided_convolutionSeparable_SYCLmigration
- 01_dpct_output
- Common
- Samples/2_Concepts_and_Techniques/convolutionSeparable
- include/dpct
- 02_sycl_migrated_optimized
- Common
- Samples/2_Concepts_and_Techniques/convolutionSeparable
- include/dpct
- C++SYCL_FPGA
- ReferenceDesigns
- anr
- src
- board_test
- src
- cholesky
- src
- cholesky_inversion
- src
- crr
- src
- db
- assets
- data/sf0.01/answers
- src
- query9
- decompress
- data/snappy
- src
- gzip
- src
- matmul
- assets
- src
- merge_sort
- src
- mvdr_beamforming
- src
- pca
- data
- src
- qrd
- src
- qri
- src
- Tutorials
- DesignPatterns
- autorun
- src
- buffered_host_streaming
- src
- compute_units
- src
- double_buffering
- src
- explicit_data_movement
- src
- io_streaming
- src
- loop_carried_dependency
- src
- n_way_buffering
- src
- onchip_memory_cache
- src
- optimize_inner_loop
- src
- pipe_array
- src
- shannonization
- src
- simple_host_streaming
- src
- triangular_loop
- src
- zero_copy_data_transfer
- src
- Features
- ac_fixed
- src
- ac_int
- src
- dsp_control
- src
- experimental
- device_global
- src
- hostpipes
- src
- invocation_interfaces
- assets
- src
- latency_control
- src
- pipelined_kernels
- assets
- src
- fpga_reg
- assets
- src
- kernel_args_restrict
- src
- loop_coalesce
- src
- loop_fusion
- src
- loop_initiation_interval
- assets
- src
- loop_ivdep
- src
- loop_unroll
- src
- lsu_control
- src
- max_interleaving
- src
- mem_channel
- src
- memory_attributes
- src
- optimization_levels/minimum_latency
- optimization_targets
- src
- pipes
- src
- printf
- src
- private_copies
- src
- read_only_cache
- src
- scheduler_target_fmax
- src
- speculated_iterations
- src
- stall_enable
- src
- GettingStarted
- fast_recompile
- assets
- src
- fpga_compile
- part1_cpp/src
- part2_dpcpp_functor_usm/src
- part3_dpcpp_lambda_usm/src
- part4_dpcpp_lambda_buffers/src
- fpga_template
- Tools
- dynamic_profiler
- src
- experimental/platform_designer
- add-oneapi
- src
- add-quartus-sln
- ip/add_kernel_wrapper
- assets
- system_console
- system_profiling
- src
- use_library
- src
- include
- Fortran
- Jupyter/OpenMP-offload-training/USM
- guided_Coarray
- images
- src
- guided_matrix_mul_OpenMP
- images
- src
- Libraries
- oneCCL
- oneCCL_Getting_Started
- tutorials
- scripts
- oneDNN
- tutorials/profiling
- oneMKL
- batched_linear_solver
- binomial
- src
- black_scholes
- src
- computed_tomography
- fourier_correlation
- guided_cuRAND_examples_SYCL_migration
- 01_sycl_dpct_output
- common
- mrg32k3a
- mt19937
- mtgp32
- philox
- scrambled_sobol32
- scrambled_sobol64
- sobol32
- sobol64
- 02_sycl_dpct_migrated
- Common
- mrg32k3a
- mt19937
- mtgp32
- philox
- scrambled_sobol32
- scrambled_sobol64
- sobol32
- sobol64
- matrix_mul_mkl
- monte_carlo_european_opt
- src
- oneVPL
- dpcpp-blur
- hello-decode
- hello-encode
- hello-vpp
- Publications/GPU-Opt-Guide
- MPI/01_omp_mpich
- OpenMP
- 00_omp_thread_num
- 01_collapse
- 02_teams_distribute
- 03_target_enter_exit_data
- 04_target_nowait
- 05_scalars_fp
- 06_scalars_private
- 07_loop_bounds
- 08_num_teams
- 09_invariant_computations
- 10_map
- 11_device_alloc
- 21_omp_target_alloc
- 22_mkl_dispatch
- 22_mkl_pad
- 23_omp_work_group
- 24_device_ptr_addr_clauses
- 25_NWChem_based_example_1
- 25_NWChem_based_example_2
- 25_NWChem_based_example_3
- 26_omp_prefetch
- c
- c_simd
- fortran
- atomics
- buffer-accessors
- buffers
- conditionals
- exec-model
- explicit-scaling
- 01_memory_order
- 07_explicit_subdevice
- 13_openmp_explicit_subdevice
- 14_explicit_subsubdevice
- fp-computations
- grf-mode-selection/perf
- large
- small
- host-device-memory
- implicit-scaling
- 03_stream
- 04_stream_3D
- 05_stream_cross_stack
- 05_stream_cross_tile
- io-kernel
- jitting
- joint-matrix
- kernels
- libraries-fcorr
- libraries-kernel
- libraries-stdlib
- local-global-sync
- matrix
- memory-movement
- memory-sharing-with-media
- multiple-devices
- multiple-kernel-execution
- multiple-queue-submission
- overlap-data-transfers
- reduction
- redundant-queues
- registers
- restrict
- slm
- sub-group
- usm
- work-group-size
- RenderingToolkit
- GettingStarted
- 01_ospray_gsg
- 02_embree_gsg
- 04_oidn_gsg
- example-images
- src
- apps
- utils
- common
- 05_ispc_gsg
- Tutorial
- IntroToRayTracingWithEmbree
- PathTracingWithEmbree
- Templates/cmake
- C
- IPO
- OpenMP
- CXX
- IPO
- OpenMP
- Fortran
- OpenMP
- do_concurrent
- SYCL
- add_sycl_to_target
- target_link_library
- Tools
- ApplicationDebugger
- array-transform
- src
- guided_matrix_mult_BadBuffers
- src
- guided_matrix_mult_SLMSize
- src
- jacobi
- Benchmarks/STREAM
- IoTConnectionTools
- aws-pub-sub
- cpp
- azure-iothub-telemetry
- certs
- cpp
- ibm-device
- cpp
- VTuneProfiler
- matrix_multiply_c
- linux
- src
- vc16
Some content is hidden
Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.
1,520 files changed
+223103
-30462
lines changedLines changed: 1110 additions & 0 deletions
Large diffs are not rendered by default.
Lines changed: 253 additions & 0 deletions
Original file line number | Diff line number | Diff line change | |
---|---|---|---|
| |||
| 1 | + | |
| 2 | + | |
| 3 | + | |
| 4 | + | |
| 5 | + | |
| 6 | + | |
| 7 | + | |
| 8 | + | |
| 9 | + | |
| 10 | + | |
| 11 | + | |
| 12 | + | |
| 13 | + | |
| 14 | + | |
| 15 | + | |
| 16 | + | |
| 17 | + | |
| 18 | + | |
| 19 | + | |
| 20 | + | |
| 21 | + | |
| 22 | + | |
| 23 | + | |
| 24 | + | |
| 25 | + | |
| 26 | + | |
| 27 | + | |
| 28 | + | |
| 29 | + | |
| 30 | + | |
| 31 | + | |
| 32 | + | |
| 33 | + | |
| 34 | + | |
| 35 | + | |
| 36 | + | |
| 37 | + | |
| 38 | + | |
| 39 | + | |
| 40 | + | |
| 41 | + | |
| 42 | + | |
| 43 | + | |
| 44 | + | |
| 45 | + | |
| 46 | + | |
| 47 | + | |
| 48 | + | |
| 49 | + | |
| 50 | + | |
| 51 | + | |
| 52 | + | |
| 53 | + | |
| 54 | + | |
| 55 | + | |
| 56 | + | |
| 57 | + | |
| 58 | + | |
| 59 | + | |
| 60 | + | |
| 61 | + | |
| 62 | + | |
| 63 | + | |
| 64 | + | |
| 65 | + | |
| 66 | + | |
| 67 | + | |
| 68 | + | |
| 69 | + | |
| 70 | + | |
| 71 | + | |
| 72 | + | |
| 73 | + | |
| 74 | + | |
| 75 | + | |
| 76 | + | |
| 77 | + | |
| 78 | + | |
| 79 | + | |
| 80 | + | |
| 81 | + | |
| 82 | + | |
| 83 | + | |
| 84 | + | |
| 85 | + | |
| 86 | + | |
| 87 | + | |
| 88 | + | |
| 89 | + | |
| 90 | + | |
| 91 | + | |
| 92 | + | |
| 93 | + | |
| 94 | + | |
| 95 | + | |
| 96 | + | |
| 97 | + | |
| 98 | + | |
| 99 | + | |
| 100 | + | |
| 101 | + | |
| 102 | + | |
| 103 | + | |
| 104 | + | |
| 105 | + | |
| 106 | + | |
| 107 | + | |
| 108 | + | |
| 109 | + | |
| 110 | + | |
| 111 | + | |
| 112 | + | |
| 113 | + | |
| 114 | + | |
| 115 | + | |
| 116 | + | |
| 117 | + | |
| 118 | + | |
| 119 | + | |
| 120 | + | |
| 121 | + | |
| 122 | + | |
| 123 | + | |
| 124 | + | |
| 125 | + | |
| 126 | + | |
| 127 | + | |
| 128 | + | |
| 129 | + | |
| 130 | + | |
| 131 | + | |
| 132 | + | |
| 133 | + | |
| 134 | + | |
| 135 | + | |
| 136 | + | |
| 137 | + | |
| 138 | + | |
| 139 | + | |
| 140 | + | |
| 141 | + | |
| 142 | + | |
| 143 | + | |
| 144 | + | |
| 145 | + | |
| 146 | + | |
| 147 | + | |
| 148 | + | |
| 149 | + | |
| 150 | + | |
| 151 | + | |
| 152 | + | |
| 153 | + | |
| 154 | + | |
| 155 | + | |
| 156 | + | |
| 157 | + | |
| 158 | + | |
| 159 | + | |
| 160 | + | |
| 161 | + | |
| 162 | + | |
| 163 | + | |
| 164 | + | |
| 165 | + | |
| 166 | + | |
| 167 | + | |
| 168 | + | |
| 169 | + | |
| 170 | + | |
| 171 | + | |
| 172 | + | |
| 173 | + | |
| 174 | + | |
| 175 | + | |
| 176 | + | |
| 177 | + | |
| 178 | + | |
| 179 | + | |
| 180 | + | |
| 181 | + | |
| 182 | + | |
| 183 | + | |
| 184 | + | |
| 185 | + | |
| 186 | + | |
| 187 | + | |
| 188 | + | |
| 189 | + | |
| 190 | + | |
| 191 | + | |
| 192 | + | |
| 193 | + | |
| 194 | + | |
| 195 | + | |
| 196 | + | |
| 197 | + | |
| 198 | + | |
| 199 | + | |
| 200 | + | |
| 201 | + | |
| 202 | + | |
| 203 | + | |
| 204 | + | |
| 205 | + | |
| 206 | + | |
| 207 | + | |
| 208 | + | |
| 209 | + | |
| 210 | + | |
| 211 | + | |
| 212 | + | |
| 213 | + | |
| 214 | + | |
| 215 | + | |
| 216 | + | |
| 217 | + | |
| 218 | + | |
| 219 | + | |
| 220 | + | |
| 221 | + | |
| 222 | + | |
| 223 | + | |
| 224 | + | |
| 225 | + | |
| 226 | + | |
| 227 | + | |
| 228 | + | |
| 229 | + | |
| 230 | + | |
| 231 | + | |
| 232 | + | |
| 233 | + | |
| 234 | + | |
| 235 | + | |
| 236 | + | |
| 237 | + | |
| 238 | + | |
| 239 | + | |
| 240 | + | |
| 241 | + | |
| 242 | + | |
| 243 | + | |
| 244 | + | |
| 245 | + | |
| 246 | + | |
| 247 | + | |
| 248 | + | |
| 249 | + | |
| 250 | + | |
| 251 | + | |
| 252 | + | |
| 253 | + |
Lines changed: 7 additions & 0 deletions
Original file line number | Diff line number | Diff line change | |
---|---|---|---|
| |||
| 1 | + | |
| 2 | + | |
| 3 | + | |
| 4 | + | |
| 5 | + | |
| 6 | + | |
| 7 | + |
0 commit comments