An open API service providing repository metadata for many open source software ecosystems.

GitHub / rdspring1 84 Repositories

A PhD graduate researching Machine Learning, Locality-Sensitive Hashing, and Deep Learning Compilers.

rdspring1/cutlass Fork of NVIDIA/cutlass

CUDA Templates for Linear Algebra Subroutines

Language: C++ - Size: 51.6 MB - Last synced at: about 22 hours ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

rdspring1/pytorch Fork of pytorch/pytorch

Tensors and Dynamic neural networks in Python with strong GPU acceleration

Language: Python - Size: 1.1 GB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

rdspring1/PyTorch_GBW_LM

PyTorch Language Model for 1-Billion Word (LM1B / GBW) Dataset

Language: Python - Size: 4.5 MB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 123 - Forks: 20

rdspring1/LSH_DeepLearning

Scalable and Sustainable Deep Learning via Randomized Hashing

Language: Java - Size: 26.4 KB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 93 - Forks: 22

rdspring1/NvFuser Fork of NVIDIA/Fuser

A Fusion Code Generator for NVIDIA GPUs

Language: C++ - Size: 23.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

rdspring1/comp450-Reachability-Guided-RRT

Use dynamic constraints to sample plausible states for RRT algorithm, improving robot motion planning

Language: C++ - Size: 2.55 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1

rdspring1/lightning-thunder Fork of Lightning-AI/lightning-thunder

Source to source compiler for PyTorch. It makes PyTorch programs faster on single accelerators and distributed.

Language: Python - Size: 5.83 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

rdspring1/comp450-planning_under_uncertainty

Motion planning for a steerable needle under action uncertainty

Language: C++ - Size: 2.32 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

rdspring1/cs380c_pre_a4

Assignment 4: Partial Redundancy Elimination. http://www.cs.utexas.edu/~pingali/CS380C/2013/assignments/assignment4.tar.gz

Language: Shell - Size: 533 KB - Last synced at: about 2 months ago - Pushed at: over 12 years ago - Stars: 1 - Forks: 0

rdspring1/Count-Sketch-Optimizers

A compressed adaptive optimizer for training large-scale deep learning models using PyTorch

Language: Python - Size: 6.95 MB - Last synced at: 28 days ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 13

rdspring1/MISSION

MISSION: Ultra Large-Scale Feature Selection using Count-Sketches

Language: C++ - Size: 56.6 KB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 13 - Forks: 6

rdspring1/LSH-Mutual-Information

Use LSH Sampling for Mutual Information Estimation

Language: Python - Size: 20.5 KB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 0

rdspring1/AITemplate Fork of facebookincubator/AITemplate

AITemplate is a Python framework which renders neural network into high performance CUDA/HIP C++ code. Specialized for FP16 TensorCore (NVIDIA GPU) and MatrixCore (AMD GPU) inference.

Language: Python - Size: 889 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

rdspring1/LSH_Memory

One-Shot Learning using Nearest-Neighbor Search (NNS) and Locality-Sensitive Hashing LSH

Language: Python - Size: 40 KB - Last synced at: 4 months ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 2

rdspring1/Auto-GPT Fork of Significant-Gravitas/Auto-GPT

An experimental open-source attempt to make GPT-4 fully autonomous.

Size: 190 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rdspring1/twitter-algorithm-ml Fork of twitter/the-algorithm-ml

Source code for Twitter's Recommendation Algorithm

Size: 114 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rdspring1/MPI

2.5D Matrix Multiplication using MPI

Language: C++ - Size: 7.81 KB - Last synced at: 4 months ago - Pushed at: over 9 years ago - Stars: 1 - Forks: 1

rdspring1/Autodiff-Puzzles Fork of srush/Autodiff-Puzzles

Size: 3.18 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rdspring1/cuda-training-series Fork of olcf/cuda-training-series

Training materials associated with NVIDIA's CUDA Training Series (www.olcf.ornl.gov/cuda-training-series/)

Size: 170 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rdspring1/Autopilot-TensorFlow Fork of SullyChen/Autopilot-TensorFlow

A TensorFlow implementation of this Nvidia paper: https://arxiv.org/pdf/1604.07316.pdf with some changes

Language: Jupyter Notebook - Size: 33.9 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

rdspring1/nvprims-torchdynamo Fork of pytorch/torchdynamo

A Python-level JIT compiler designed to make unmodified PyTorch programs faster.

Language: Python - Size: 4.48 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rdspring1/minGPT Fork of karpathy/minGPT

A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training

Size: 1.43 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

rdspring1/Optimizing-DGEMM-on-Intel-CPUs-with-AVX512F Fork of yzhaiustc/Optimizing-DGEMM-on-Intel-CPUs-with-AVX512F

Stepwise optimizations of DGEMM on CPU, reaching performance faster than Intel MKL eventually, even under multithreading.

Size: 3.33 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rdspring1/micrograd Fork of karpathy/micrograd

A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API

Size: 242 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

rdspring1/tutel Fork of microsoft/tutel

Tutel MoE: An Optimized Mixture-of-Experts Implementation

Language: Python - Size: 324 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

rdspring1/mongoose Fork of HazyResearch/mongoose

A Learnable LSH Framework for Efficient NN Training

Size: 263 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

rdspring1/Optimizing-SGEMM-on-NVIDIA-Turing-GPUs Fork of yzhaiustc/Optimizing-SGEMM-on-NVIDIA-Turing-GPUs

Optimizing SGEMM kernel functions on NVIDIA GPUs to a close-to-cuBLAS performance.

Language: Python - Size: 1.15 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

rdspring1/RzLinear Fork of apd10/RzLinear

A compressed alternative to matrix multiplication using state-of-the art compression ROBE-Z

Size: 172 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

rdspring1/xla Fork of pytorch/xla

Enabling PyTorch on Google TPU

Language: C++ - Size: 18.1 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rdspring1/Optimizing-DGEMV-on-Intel-CPUs Fork of yzhaiustc/Optimizing-DGEMV-on-Intel-CPUs

Highly optimized DGEMV on CPU with both serial and parallel performance better than MKL and OpenBLAS.

Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

rdspring1/dlrm_ssm Fork of yanzhoupan/dlrm_ssm

Size: 1.28 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

rdspring1/cs231n Fork of haofeixu/cs231n

Solutions to Stanford CS231n Spring 2018 Course Assignments.

Size: 22.7 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

rdspring1/cuda_workspace

Cuda Programming Tutorials

Language: C++ - Size: 7.79 MB - Last synced at: 12 days ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

rdspring1/rdspring1.github.io Fork of HubPress/hubpress.io

A web application to build your blog on GitHub

Language: CSS - Size: 13.1 MB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 1 - Forks: 0

rdspring1/CarND-Alexnet-Feature-Extraction Fork of udacity/CarND-Alexnet-Feature-Extraction

This lab guides you through using AlexNet and TensorFlow to build a feature extraction network.

Language: Python - Size: 245 KB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

rdspring1/atari-representation-learning Fork of mila-iqia/atari-representation-learning

Code for "Unsupervised State Representation Learning in Atari"

Language: Python - Size: 2.1 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

rdspring1/potion

Language: Java - Size: 163 KB - Last synced at: 4 months ago - Pushed at: about 12 years ago - Stars: 0 - Forks: 0

rdspring1/reinforcement-learning Fork of dennybritz/reinforcement-learning

Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.

Language: Jupyter Notebook - Size: 4.99 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

rdspring1/natural-gradients Fork of wiseodd/natural-gradients

Collection of algorithms for approximating Fisher Information Matrix for Natural Gradient (and second order method in general)

Language: Python - Size: 16.6 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

rdspring1/LSH_LDA

LSH Split-Merge MCMC for LDA topic models

Language: Python - Size: 22.5 KB - Last synced at: 4 months ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

rdspring1/cs393r

Autonomous Robots Assignment 4

Language: C++ - Size: 1010 KB - Last synced at: 4 months ago - Pushed at: over 11 years ago - Stars: 1 - Forks: 0

rdspring1/osim-rl Fork of stanfordnmbl/osim-rl

Reinforcement learning environments with musculoskeletal models

Language: Python - Size: 28.1 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

rdspring1/Model-Free-Episodic-Control Fork of sudeepraja/Model-Free-Episodic-Control

Implimentation of the Model Free Episodic Control paper by Deep Mind : http://arxiv.org/abs/1606.04460

Language: Python - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

rdspring1/blocksparse Fork of openai/blocksparse

Efficient GPU kernels for block-sparse matrix multiplication and convolution

Language: Cuda - Size: 224 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-Rover-Project Fork of udacity/RoboND-Rover-Project

Project repository for the Unity rover search and sample return project.

Language: HTML - Size: 74.6 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-DeepLearning-Project Fork of udacity/RoboND-DeepLearning-Project

RoboND Term 1 Deep Learning Project, Follow-Me

Language: HTML - Size: 94.3 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-Segmentation-Lab Fork of udacity/RoboND-Segmentation-Lab

RoboND Term 1 Deep Learning Lab, Segmentation

Language: Python - Size: 27.3 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-Controls-Lab Fork of udacity/RoboND-Controls-Lab

Robotics Program Quadrotor Controls Lab

Language: Python - Size: 64.3 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-Perception-Exercises Fork of udacity/RoboND-Perception-Exercises

Perception Exercises for Robotics

Language: Python - Size: 11.1 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-Perception-Project Fork of udacity/RoboND-Perception-Project

3D Perception project for the Robotics Nanodegree Program

Language: C++ - Size: 17.8 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

rdspring1/RoboND-Kinematics-Project Fork of udacity/RoboND-Kinematics-Project

Pick and Place project for RoboND Term 1

Language: C++ - Size: 9.75 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

rdspring1/CarND-Vehicle-Detection Fork of udacity/CarND-Vehicle-Detection

Vehicle Detection Project

Language: Jupyter Notebook - Size: 52 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

rdspring1/CarND-Advanced-Lane-Lines Fork of udacity/CarND-Advanced-Lane-Lines

Language: Jupyter Notebook - Size: 122 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

rdspring1/CarND-Behavioral-Cloning-P3 Fork of udacity/CarND-Behavioral-Cloning-P3

Starting files for the Udacity CarND Behavioral Cloning Project

Language: Python - Size: 46.1 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

rdspring1/CarND-Transfer-Learning-Lab Fork of udacity/CarND-Transfer-Learning-Lab

Language: Python - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

rdspring1/CarND-Traffic-Sign-Classifier-Project Fork of udacity/CarND-Traffic-Sign-Classifier-Project

Classify Traffic Signs.

Language: HTML - Size: 1.88 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

rdspring1/CarND-LaneLines-P1 Fork of udacity/CarND-LaneLines-P1

Lane Finding Project for Self-Driving Car ND

Language: Jupyter Notebook - Size: 64.7 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

rdspring1/maxas Fork of NervanaSystems/maxas

Assembler for NVIDIA Maxwell architecture

Language: CSS - Size: 906 KB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

rdspring1/Robotics

Robot Technique Toy Box

Language: Python - Size: 4.3 MB - Last synced at: 4 months ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 2

rdspring1/inverse_DRAW_tensorflow

https://openai.com/requests-for-research/#inverse-draw

Language: Python - Size: 20.5 KB - Last synced at: 4 months ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

rdspring1/opencv Fork of opencv/opencv

Open Source Computer Vision Library

Language: C++ - Size: 417 MB - Last synced at: about 2 years ago - Pushed at: over 10 years ago - Stars: 0 - Forks: 0

rdspring1/InfoGAN Fork of openai/InfoGAN

Language: Python - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

rdspring1/rtr_copilot

Real-Time Reachability Copilot Monitor

Language: C - Size: 859 KB - Last synced at: 4 months ago - Pushed at: almost 10 years ago - Stars: 0 - Forks: 0

rdspring1/requests-for-research Fork of openai/requests-for-research

A living collection of deep learning problems

Language: HTML - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

rdspring1/simple_dqn Fork of tambetm/simple_dqn

Simple deep Q-learning agent.

Language: HTML - Size: 185 MB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

rdspring1/rllab Fork of rll/rllab

rllab is a framework for developing and evaluating reinforcement learning algorithms, fully compatible with OpenAI Gym.

Language: Python - Size: 768 KB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

rdspring1/gym Fork of openai/gym

A toolkit for developing and comparing reinforcement learning algorithms.

Language: Python - Size: 170 KB - Last synced at: about 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

rdspring1/cs344 Fork of udacity/cs344

Introduction to Parallel Programming class code

Language: Cuda - Size: 65.4 MB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

rdspring1/RPi

Rice University MRSL Raspberry Pi

Language: C++ - Size: 17.1 MB - Last synced at: 4 months ago - Pushed at: about 10 years ago - Stars: 0 - Forks: 0

rdspring1/tensorflow Fork of tensorflow/tensorflow

Open source software library for numerical computation using data flow graphs.

Language: C++ - Size: 63 MB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

rdspring1/stanford_dl_ex Fork of amaas/stanford_dl_ex

Programming exercises for the Stanford Unsupervised Feature Learning and Deep Learning Tutorial

Language: Matlab - Size: 11.1 MB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

rdspring1/EPI

Elements of Programming Interviews

Language: C++ - Size: 145 KB - Last synced at: 4 months ago - Pushed at: about 10 years ago - Stars: 0 - Forks: 0

rdspring1/comp551

Language: Python - Size: 414 KB - Last synced at: 4 months ago - Pushed at: over 10 years ago - Stars: 0 - Forks: 1

rdspring1/rone-testbed

Language: Python - Size: 1.4 MB - Last synced at: 4 months ago - Pushed at: over 10 years ago - Stars: 0 - Forks: 0

rdspring1/OpenCVKinect Fork of masadcv/OpenCVKinect

Provides method to access Kinect Color and Depth Stream in OpenCV Mat format.

Language: C++ - Size: 30.2 MB - Last synced at: about 2 years ago - Pushed at: over 11 years ago - Stars: 0 - Forks: 0

rdspring1/comp509

Language: C++ - Size: 570 KB - Last synced at: 4 months ago - Pushed at: over 10 years ago - Stars: 0 - Forks: 0

rdspring1/comp450-proj3

Language: C++ - Size: 2.03 MB - Last synced at: 4 months ago - Pushed at: almost 11 years ago - Stars: 0 - Forks: 0

rdspring1/cs378-integer

http://www.cs.utexas.edu/users/downing/cs378/drupal/integer

Language: C++ - Size: 809 KB - Last synced at: 4 months ago - Pushed at: almost 12 years ago - Stars: 0 - Forks: 0

rdspring1/ballsim

http://www.cs.utexas.edu/~fussell/courses/cs378/projects/assignment1/handout.shtml

Language: C++ - Size: 2.16 MB - Last synced at: 4 months ago - Pushed at: about 12 years ago - Stars: 0 - Forks: 0

rdspring1/cs378-graph

http://www.cs.utexas.edu/users/downing/cs378/drupal/graph

Language: C++ - Size: 1.03 MB - Last synced at: 4 months ago - Pushed at: almost 12 years ago - Stars: 0 - Forks: 0

rdspring1/cs378-deque

http://www.cs.utexas.edu/users/downing/cs378/drupal/deque

Language: C++ - Size: 1.21 MB - Last synced at: about 2 months ago - Pushed at: almost 12 years ago - Stars: 0 - Forks: 0

rdspring1/cs378-pfd

http://www.cs.utexas.edu/users/downing/cs378/drupal/pfd

Language: JavaScript - Size: 1.44 MB - Last synced at: 4 months ago - Pushed at: about 12 years ago - Stars: 0 - Forks: 0

rdspring1/Porsche911_Coupe

CS439 Project 3: Virtual Memory

Language: C - Size: 593 KB - Last synced at: 4 months ago - Pushed at: over 12 years ago - Stars: 0 - Forks: 0

rdspring1/finalproject-cs380l

http://www.cs.utexas.edu/~witchel/380L/lab/assign3.html

Language: Shell - Size: 195 KB - Last synced at: 4 months ago - Pushed at: over 11 years ago - Stars: 0 - Forks: 0

rdspring1/cs380a4

CS380L Assignment 4

Language: C - Size: 2.44 MB - Last synced at: 4 months ago - Pushed at: over 11 years ago - Stars: 0 - Forks: 0

rdspring1/cs380c_scalar_optimization_a3

CS380C - Assignment 3: Scalar Optimization

Language: C - Size: 565 KB - Last synced at: about 2 months ago - Pushed at: over 12 years ago - Stars: 0 - Forks: 0

rdspring1/Porsche911

Project 2: User Programs

Language: C - Size: 1.18 MB - Last synced at: 9 days ago - Pushed at: over 12 years ago - Stars: 0 - Forks: 0

rdspring1/cs378-collatz

http://www.cs.utexas.edu/users/downing/cs378/drupal/collatz

Language: C++ - Size: 382 KB - Last synced at: 4 months ago - Pushed at: about 12 years ago - Stars: 0 - Forks: 0

rdspring1/cs378 Fork of vanderkyl/cs378

Language: C++ - Size: 69.3 KB - Last synced at: about 2 years ago - Pushed at: about 12 years ago - Stars: 0 - Forks: 0