pykao's Stars
facebookresearch/ToMe
A method to increase the speed and lower the memory footprint of existing vision transformers.
serengil/deepface
A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python
huggingface/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch and FLAX.
lucidrains/gigagan-pytorch
Implementation of GigaGAN, new SOTA GAN out of Adobe. Culmination of nearly a decade of research into GANs
danaigc/videoGigaGanHub
VideoGigaGAN is a new generative VSR model that can produce videos with high-frequency details and temporal consistency.
jax-ml/jax
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
omerbt/TokenFlow
Official Pytorch Implementation for "TokenFlow: Consistent Diffusion Features for Consistent Video Editing" presenting "TokenFlow" (ICLR 2024)
networkit/networkit
NetworKit is a growing open-source toolkit for large-scale network analysis.
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
kaz-Anova/StackNet
StackNet is a computational, scalable and analytical Meta modelling framework
adam-p/markdown-here
Google Chrome, Firefox, and Thunderbird extension that lets you write email in Markdown and render it before sending.
google-research/bert
TensorFlow code and pre-trained models for BERT
tkipf/gcn
Implementation of Graph Convolutional Networks in TensorFlow
tbepler/protein-sequence-embedding-iclr2019
Source code for "Learning protein sequence embeddings using information from structure" - ICLR 2019
ray-project/ray
Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
facebook/Ax
Adaptive Experimentation Platform
duyguceylan/pix2video
Code for the paper "Pix2Video: Video Editing using Image Diffusion"
lixirui142/VidToMe
Official Pytorch Implementation for "VidToMe: Video Token Merging for Zero-Shot Video Editing" (CVPR 2024)
yrcong/flatten
Pytorch Implementation of FLATTEN: optical FLow-guided ATTENtion for consistent text-to-video editing (ICLR 2024)
sczhou/Upscale-A-Video
[CVPR 2024] Upscale-A-Video: Temporal-Consistent Diffusion Model for Real-World Video Super-Resolution
ant-research/CoDeF
[CVPR'24 Highlight] Official PyTorch implementation of CoDeF: Content Deformation Fields for Temporally Consistent Video Processing
omriav/blended-latent-diffusion
Official implementation for "Blended Latent Diffusion" [SIGGRAPH 2023]
martius-lab/blackbox-backprop
Torch modules that wrap blackbox combinatorial solvers according to the method presented in "Differentiating Blackbox Combinatorial Solvers"
google-research/google-research
Google Research
google-research/vision_transformer
numpy/numpy
The fundamental package for scientific computing with Python.
logpai/logparser
A machine learning toolkit for log parsing [ICSE'19, DSN'16]
amix/vimrc
The ultimate Vim configuration (vimrc)
karpathy/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
microsoft/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.