RhinoCoder's Stars
torvalds/linux
Linux kernel source tree
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
ValdikSS/GoodbyeDPI
GoodbyeDPI — Deep Packet Inspection circumvention utility (for Windows)
apache/arrow
Apache Arrow is the universal columnar format and multi-language toolbox for fast data interchange and in-memory analytics
kubernetes/community
Kubernetes community content
apache/tvm
Open deep learning compiler stack for cpu, gpu and specialized accelerators
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
tensorflow/examples
TensorFlow examples
pytorch/serve
Serve, optimize and scale PyTorch models in production
yandex/YaLM-100B
Pretrained language model with 100B parameters
jonkrohn/ML-foundations
Machine Learning Foundations: Linear Algebra, Calculus, Statistics & Computer Science
apache/singa
a distributed deep learning platform
GiacomoLaw/Keylogger
A simple keylogger for Windows, Linux and Mac
Lyken17/Efficient-PyTorch
My best practice of training large dataset using PyTorch.
Liu-xiandong/How_to_optimize_in_GPU
This is a series of GPU optimization topics. Here we will introduce how to optimize the CUDA kernel in detail. I will introduce several basic kernel optimizations, including: elementwise, reduce, sgemv, sgemm, etc. The performance of these kernels is basically at or near the theoretical limit.
pytorch/kineto
A CPU+GPU Profiling library that provides access to timeline traces and hardware performance counters.
GeorgeCazenavette/mtt-distillation
Official code for our CVPR '22 paper "Dataset Distillation by Matching Training Trajectories"
mikexcohen/DeepUnderstandingOfDeepLearning
Python code accompanying the course "A deep understanding of deep learning (with Python intro)"
juancarlospaco/pyvoicechanger
Real Time Microphone Voice Changer Python 3.6+ App. Works with On-Line Games and VideoConferences!
ImKKingshuk/LockKnife
LockKnife : The Ultimate Android Password Tool - Your Key to Android Password Recovery! 🗝️ Unlock forgotten Android lock screen passwords with ease using this powerful command-line tool. Simply connect your device, and let LockKnife do the magic! 🔒💫
heartkilla/yolo-v3
Yolo v3 object detection implemented in Tensorflow.
tczhangzhi/pytorch-parallel
Optimize an example model with Python, CPP, and CUDA extensions and Ring-Allreduce.
JayPatwardhan/ResNet-PyTorch
Basic implementation of ResNet 50, 101, 152 in PyTorch
dmlc/nnvm-fusion
Kernel Fusion and Runtime Compilation Based on NNVM
sourabhuday/CUDA-Parallel-Programming-projects
These projects are part of exhaustive lessons on parallel computing algorithms and patterns on GPUs using CUDA.
debowin/cuda-tiled-matrix-multiplication
Optimized Parallel Tiled Approach to perform Matrix Multiplication by taking advantage of the lower latency, higher bandwidth shared memory within GPU thread blocks.
elifbeyzatok00/Optimization-Of-The-BWO-Algorithm
Optimization Of The Beluga Whale Optimization (BWO) Algorithm - Beluga Balinası Optimizasyonu (BWO) Algoritmasının Optimizasyonu
charan89/POS-Tagging-HMM-Viterbi
Using Hidden Markov model and Viterbi algorithm to predict POS tags
AdrianAlan/qat-mixed-precision
dev-jinwoohong/cifar100