Shi-Yuan Ma (mashiyuan67)

mashiyuan67

Geek Repo

Location:Ithaca, NY

Github PK Tool:Github PK Tool

Shi-Yuan Ma's starred repositories

neural-network-for-nonlocality-in-networks

Code for the work in: https://www.nature.com/articles/s41534-020-00305-x Basically a generative neural network to tackle the classical causal inference problem encountered in quantum network nonlocality.

Language:PythonLicense:MITStargazers:8Issues:0Issues:0

Single-Photon-Detection-Neural-Networks

Physics-aware stochastic training for single-photon-detection neural networks (SPDNNs)

Language:Jupyter NotebookLicense:CC-BY-4.0Stargazers:4Issues:0Issues:0

wgan-gp

A pytorch implementation of Paper "Improved Training of Wasserstein GANs"

Language:PythonLicense:MITStargazers:1501Issues:0Issues:0

improved_wgan_training

Code for reproducing experiments in "Improved Training of Wasserstein GANs"

Language:PythonLicense:MITStargazers:2347Issues:0Issues:0

RWKV-LM

RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.

Language:PythonLicense:Apache-2.0Stargazers:12078Issues:0Issues:0

Wasserstein-Generative-Adversarial-Network

In this Machine Learning Exam I created two types of Generative Adversarial Networks (GANs) with different loss functions. The aim of the two networks is to train the generator network to generate samples from a given probability distribution in a way that the discriminator cannot distinguish it from real samples. In this example I worked with data from a 2D Ising Model which is one of the most successful and broadly applicable models in statistical physics.

Language:Jupyter NotebookStargazers:1Issues:0Issues:0
Language:PythonStargazers:8Issues:0Issues:0

QuDDPM_reproduce_and_extend

Code to reproduce paper regarding quantum diffusion model and extend: Zhang, Bingzhi, et al. "Generative quantum machine learning via denoising diffusion probabilistic models." arXiv preprint arXiv:2310.05866 (2023).

Language:Jupyter NotebookStargazers:10Issues:0Issues:0

stable-diffusion

A latent text-to-image diffusion model

Language:Jupyter NotebookLicense:NOASSERTIONStargazers:67002Issues:0Issues:0

Correlated-VAEs

Code for my ICML 2019 paper "Correlated Variational Auto-Encoders"

Language:PythonLicense:MITStargazers:15Issues:0Issues:0

VAE

Implementation of VAE and CVAE using Pytorch on MNIST dataset

Language:PythonLicense:MITStargazers:76Issues:0Issues:0

dynamiqs

High-performance quantum systems simulation with JAX (GPU-accelerated & differentiable solvers).

Language:PythonLicense:Apache-2.0Stargazers:125Issues:0Issues:0

set_transformer

Pytorch implementation of set transformer

Language:Jupyter NotebookLicense:MITStargazers:531Issues:0Issues:0
Language:PythonStargazers:124Issues:0Issues:0

NC

NCAlgebra - Non Commutative Algebra Package for Mathematica

Language:MercuryLicense:NOASSERTIONStargazers:145Issues:0Issues:0

GaussianSSF.jl

Quantum split-step Fourier simulations for nonlinear Gaussian-state pulse propagation

Language:JuliaStargazers:8Issues:0Issues:0

Quantum-Gaussian-Information-Toolbox

QuGIT is a numerical toolbox in Python for simulation of gaussian quantum states and their time evolution through unconditional and conditional dynamics

Language:PythonLicense:BSD-3-ClauseStargazers:23Issues:0Issues:0

pytorch-image-models

The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more

Language:PythonLicense:Apache-2.0Stargazers:31031Issues:0Issues:0

DenseNet

This repository contains a PyTorch implementation of the paper Densely Connected Convolutional Networks trained on the MNIST dataset. The code is based on this excellent PyTorch example for training DenseNet.(https://github.com/pytorch/vision/blob/master/torchvision/models/densenet.py)

Language:Jupyter NotebookStargazers:7Issues:0Issues:0

RepLKNet

Official MegEngine implementation of RepLKNet

Language:PythonLicense:Apache-2.0Stargazers:265Issues:0Issues:0

MLP-Mixer-CIFAR10

Implements MLP-Mixer (https://arxiv.org/abs/2105.01601) with the CIFAR-10 dataset.

Language:Jupyter NotebookLicense:Apache-2.0Stargazers:54Issues:0Issues:0

adversarial-autoencoder

Chainer implementation of adversarial autoencoder (AAE)

Language:PythonStargazers:256Issues:0Issues:0

binary-stochastic-neurons

Binary Stochastic Neurons in PyTorch

Language:PythonStargazers:56Issues:0Issues:0

BinaryNet

Training Deep Neural Networks with Weights and Activations Constrained to +1 or -1

Language:LuaStargazers:292Issues:0Issues:0

Adversial_AutoEncoder

Adversial AutoEncoder in PyTorch

Language:Jupyter NotebookLicense:MITStargazers:4Issues:0Issues:0
Language:Jupyter NotebookStargazers:39Issues:0Issues:0

binarygan

Code for "Training Generative Adversarial Networks with Binary Neurons by End-to-end Backpropagation"

Language:PythonStargazers:26Issues:0Issues:0

Pytorch-autoencoder-mlp

MLP for MNIST Classification(Autoencoder_Pretrain)

Language:PythonStargazers:9Issues:0Issues:0
Language:PythonStargazers:1Issues:0Issues:0

diffusion

Denoising Diffusion Probabilistic Models

Language:PythonStargazers:3542Issues:0Issues:0