Pinned Repositories
3detr
Code & Models for 3DETR - an End-to-end transformer model for 3D object detection
CudaTensorCoreHGEMM
Tensor Core Multiplication at the Speed of CuBLAS in Three Simple Steps
DataFrame
A Pandas-like DataFrame in c++
deadstores
A Valgrind tool for finding redundant loads/stores
disagreement_changing_beliefs_and_volatility
FabianSchuetze.github.io
gpu_nn
CUDA optimized Neural Networks in C++
NiryoOneGrasping
Different grasping techniques for the Niryo One arm
weakly-supervised
Weakly Supervised Computer Vision
yg_dropout
Uncertanity in deep neural networks using dropout
FabianSchuetze's Repositories
FabianSchuetze/CudaTensorCoreHGEMM
Tensor Core Multiplication at the Speed of CuBLAS in Three Simple Steps
FabianSchuetze/FabianSchuetze.github.io
FabianSchuetze/NiryoOneGrasping
Different grasping techniques for the Niryo One arm
FabianSchuetze/weakly-supervised
Weakly Supervised Computer Vision
FabianSchuetze/3detr
Code & Models for 3DETR - an End-to-end transformer model for 3D object detection
FabianSchuetze/compiler-explorer
Run compilers interactively from your web browser and interact with the assembly
FabianSchuetze/ctad_extension
Describing a possible extension to CTAD
FabianSchuetze/cutlass
CUDA Templates for Linear Algebra Subroutines
FabianSchuetze/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
FabianSchuetze/detrex
detrex is a research platform for Transformer-based Instance Recognition algorithms including DETR (ECCV 2020), Deformable-DETR (ICLR 2021), Conditional-DETR (ICCV 2021), DAB-DETR (ICLR 2022), DN-DETR (CVPR 2022), DINO (ICLR 2023), H-DETR (CVPR 2023), MaskDINO (CVPR 2023), etc.
FabianSchuetze/eki_examples
KRL example applications for accessing an rc_visard/rc_cube from a KUKA robot controller (KSS)
FabianSchuetze/equi_q_corl21
This repository contains the code of the paper Equivariant Q Learning in Spatial Action Spaces
FabianSchuetze/gym-continuousDoubleAuction
A custom MARL (multi-agent reinforcement learning) environment where multiple agents trade against one another (self-play) in a zero-sum continuous double auction. Ray [RLlib] is used for training.
FabianSchuetze/Halide
a language for fast, portable data-parallel computation
FabianSchuetze/infra
Infrastructure to set up the public Compiler Explorer instances and compilers
FabianSchuetze/INT8-Flash-Attention-FMHA-Quantization
FabianSchuetze/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
FabianSchuetze/mmcv
OpenMMLab Computer Vision Foundation
FabianSchuetze/mmdetection
OpenMMLab Detection Toolbox and Benchmark
FabianSchuetze/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
FabianSchuetze/moveit_task_constructor
A hierarchical, multi-stage manipulation planner and state machine with user interfaces
FabianSchuetze/pcl
Point Cloud Library (PCL)
FabianSchuetze/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
FabianSchuetze/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
FabianSchuetze/pytorch_backend
The Triton backend for the PyTorch TorchScript models.
FabianSchuetze/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
FabianSchuetze/tensorflow
Computation using data flow graphs for scalable machine learning
FabianSchuetze/torch-int
This repository contains integer operators on GPUs for PyTorch.
FabianSchuetze/tutorials
Tutorials for creating and using ONNX models
FabianSchuetze/visual-pushing-grasping
Train robotic agents to learn to plan pushing and grasping actions for manipulation with deep reinforcement learning.