Zhang-Qiyan's Stars
iamtrask/Grokking-Deep-Learning
this repository accompanies the book "Grokking Deep Learning"
microsoft/graphrag
A modular graph-based Retrieval-Augmented Generation (RAG) system
optuna/optuna
A hyperparameter optimization framework
mxgmn/MarkovJunior
Probabilistic language based on pattern matching and constraint propagation, 153 examples
snap-stanford/GraphGym
Platform for designing and evaluating Graph Neural Networks (GNN)
tkipf/gcn
Implementation of Graph Convolutional Networks in TensorFlow
shenweichen/GraphEmbedding
Implementation and experiments of graph embedding algorithms.
pylandtemp/pylandtemp
Algorithms for computing global land surface temperature and emissivity from NASA's Landsat satellite images with Python.
okankop/Efficient-3DCNNs
PyTorch Implementation of "Resource Efficient 3D Convolutional Neural Networks", codes and pretrained models.
ellisdg/3DUnetCNN
Pytorch 3D U-Net Convolution Neural Network (CNN) designed for medical image segmentation
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
jaxony/unet-pytorch
U-Net implementation for PyTorch based on https://arxiv.org/abs/1505.04597
TeaPearce/Conditional_Diffusion_MNIST
Conditional diffusion model to generate MNIST. Minimal script. Based on 'Classifier-Free Diffusion Guidance'.
pyg-team/pytorch_geometric
Graph Neural Network Library for PyTorch
sebk26/GCN2DFlow
Repository for the demo code of the paper "Flow Field Prediction on Large Variable Sized 2D Point Clouds with Graph Convolution" published in PASC22
Mostafa-wael/U-Net-in-PyTorch
This is an implementation of the U-Net model from the paper, U-Net: Convolutional Networks for Biomedical Image Segmentation.
unaisaralegui/rplanpy
Python utilities to work with the RPLAN dataset
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
LeeJunHyun/Image_Segmentation
Pytorch implementation of U-Net, R2U-Net, Attention U-Net, and Attention R2U-Net.
ddbourgin/numpy-ml
Machine learning, in numpy
billzhonggz/LayoutGAN
A reproducing for article LayoutGAN: Generating Graphic Layouts with Wireframe Discriminators.
taichi-dev/taichi_elements
High-performance multi-material continuum physics engine in Taichi
muhanzhang/DGCNN
Code for "M. Zhang, Z. Cui, M. Neumann, and Y. Chen, An End-to-End Deep Learning Architecture for Graph Classification, AAAI-18".
NREL/OpenStudio
OpenStudio is a cross-platform collection of software tools to support whole building energy modeling using EnergyPlus and advanced daylight analysis using Radiance.
ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。