476 Repositories
Python pytorch Libraries
A collection of transformer models, in PyTorch.
A-Transformers A collection of transformer models, in PyTorch. pip install a-transformers Usage Transformer from a_transformers.transformers import Tr
Official PyTorch implementation of "Denoising MCMC for Accelerating Diffusion-Based Generative Models"
DMCMC Official PyTorch implementation of Denoising MCMC for Accelerating Diffusion-Based Generative Models. We propose a general sampling framework, D
An official implementation of "Decomposed Knowledge Distillation for Class-incremental Semantic Segmentation" (NeurIPS 2022) in PyTorch.
Decomposed Knowledge Distillation for Class-Incremental Semantic Segmentation This is an official implementation of the paper "Decomposed Knowledge Di
A codebase for few-shot segmentation research
FSS-Codebase This repo presents a neat and scalable codebase for few-shot segmentation research. Major references: PFENet, CWT, and Segmenter. Requisi
A PyTorch Implementation of i-MAE: Linearly Separable Representation in MAE
A PyTorch Implementation of i-MAE: Linearly Separable Representation in MAE Kevin Zhang*, Zhiqiang Shen* Project Page | Paper | BibTeX We provide a Py
Sequence alignement methods with helpers for PyTorch.
Aligner - PyTorch Sequence alignement methods with helpers for PyTorch. Install pip install aligner-pytorch Usage MAS MAS (Monotonic Alignment Search)
Pytorch implementation of BiFSMN, IJCAI 2022
BiFSMN: Binary Neural Network for Keyword Spotting Created by Haotong Qin, Xudong Ma, Yifu Ding, Xiaoyang Li, Yang Zhang, Yao Tian, Zejun Ma, Jie Luo,
PyTorch implementation of AIM 2022 reverse ISP challenge by MiAlgo team.
AIM22-ReverseISP-MiAlgo PyTorch implementation of AIM 2022 reverse ISP challenge by MiAlgo team. Dependencies Python 3 PyTorch = 1.8 numpy cv2 natsor
A pytorch implementation of text-to-3D dreamfusion, powered by stable diffusion.
Stable-Dreamfusion A pytorch implementation of the text-to-3D model Dreamfusion, powered by the Stable Diffusion text-to-2D model. The original paper'
A phenaki reproduction using pytorch.
Phenaki Note: This is work in progress What is Phenaki? Phenaki is a text-to-video model which is very similar to the normal text-to-image models that
Diffusion attentive attribution maps for interpreting Stable Diffusion.
What the DAAM: Interpreting Stable Diffusion Using Cross Attention Caveat: the codebase is in a bit of a mess. I plan to continue refactoring and poli
Inverse DALL-E for Optical Character Recognition
Inverse DALL-E for Optical Character Recognition Introduction This is a research project to apply DALLE-E for Korean optical character recognition tas
🔥OGC in PyTorch (NeurIPS 2022)
OGC: Unsupervised 3D Object Segmentation from Rigid Dynamics of Point Clouds (NeurIPS 2022) Ziyang Song, Bo Yang Overview We propose the first unsuper
Guess the Instruction! Flipped Learning Makes Language Models Stronger Zero-Shot Learners
Guess the Instruction! Flipped Learning Makes Language Models Stronger Zero-Shot Learners Paper Link : https://arxiv.org/abs/2210.02969 Overview of FL
Real-time inference for Stable Diffusion - 0.88s latency. Covers AITemplate, nvFuser, TensorRT, FlashAttention.
⚡️ Real-time inference for Stable Diffusion Stochastic provides this repository to perform fast real-time inference with Stable Diffusion. The goal of
denoising diffusion models, as simple as possible
diffusion for beginners implementation of diffusion schedulers (currently sampling only) with minimal code & as faithful to the original work as i cou
A re-implementation of Stable-Diffusion using better code pratices with faster and lower-memory usage.
Stable-Diffusion + Fused CUDA kernels = FUN! Introduction So you want to learn more about stable-diffusion (SD), how it works, to dive deep in its imp
Source code for "Sparse in Space and Time: Audio-visual Synchronisation with Trainable Selectors." (Spotlight at the BMVC 2022)
Audio-visual Synchronisation with Trainable Selectors This is the official implementation of Iashin, V., Xie, W., Rahtu, E. and Zisserman, A. "Sparse
[ICDM'22] PyTorch implementation for "Privacy-Preserved Neural Graph Similarity Learning".
PPGM This is the official PyTorch implementation for the paper: Yupeng Hou, Wayne Xin Zhao, Yaliang Li, Ji-Rong Wen. Privacy-Preserved Neural Graph Si
The official PyTorch implementation of our paper (Simple and Efficient: A Semisupervised Learning Framework for Remote Sensing Image Semantic Segmentation)
LSST This is the official PyTorch implementation of our paper: [Simple and Efficient: A Semisupervised Learning Framework for Remote Sensing Image Sem
TensorFlow 2.X reimplementation of CvT: Introducing Convolutions to Vision Transformers, Haiping Wu, Bin Xiao, Noel Codella, Mengchen Liu, Xiyang Dai, Lu Yuan, Lei Zhang.
CvT-TensorFlow TensorFlow 2.X reimplementation of CvT: Introducing Convolutions to Vision Transformers, Haiping Wu, Bin Xiao, Noel Codella, Mengchen L
This is the Fire Detection App created with custom trained models using YoloV5
About This is the Fire Detection App created with custom trained models using YoloV5 Features Detect on Image Detect on Videos Live Detection Tech Sta
PyTorch implementation of paper "Dataset Distillation via Factorization" in NeurIPS 2022.
Dataset Factorization This is the pytorch implementation of the following NeurIPS 2022 paper: Dataset Distillation via Factorization Songhua Liu, Kai
The official PyTorch Implementation of "NOTE: Robust Continual Test-time Adaptation Against Temporal Correlation (NeurIPS '22)"
NOTE: Robust Continual Test-time Adaptation Against Temporal Correlation (NeurIPS '22) This is the official PyTorch Implementation of "NOTE: Robust Co
The pytorch implementation for "DSNUNet: An Improved Forest Change Detection Network by Combining Sentinel-1 and Sentinel-2 Images".
DSNUNet https://www.mdpi.com/2072-4292/14/19/5046 The pytorch implementation for "DSNUNet: An Improved Forest Change Detection Network by Combining Se
Official PyTorch implementation of Scalable Neural Video Representations with Learnable Positional Features (NeurIPS 2022).
Scalable Neural Video Representations with Learnable Positional Features (NVP) Official PyTorch implementation of "Scalable Neural Video Representatio
An Pytorch implementation of Deep Convolutional Generative Adversarial Networks which is a stabilize Generative Adversarial Networks.
DCGAN in Pytorch An Pytorch implementation of Deep Convolutional Generative Adversarial Networks which is a stabilize Generative Adversarial Networks.
Joint Multilingual Knowledge Graph Completion and Alignment (Findings of EMNLP 2022) (Pytorch)
Joint Multilingual Knowledge Graph Completion and Alignment Knowledge graph (KG) alignment and completion are usually treated as two independent tasks
TFRecord reader, writer, and PyTorch Dataset.
TFRecord reader, writer, and PyTorch Dataset This library allows reading and writing TFRecord files efficiently in Python, and provides an IterableDat
Lightning template for easy prototyping⚡️
Minimal PyTorch-Lightning NLP Template with WandB ⚡️ PyTorch-Lightning template for easy use! (actually, for my own 😉 ) This template is for fast pro
A repo for distributed training of language models with Reinforcement Learning via Human Feedback (RLHF)
Welcome to Transformer Reinforcement Learning X (trlX) A repo for distributed training of language models with Reinforcement Learning via Human Feedba
SpeechCLIP: Integrating Speech with Pre-Trained Vision and Language Model, Accepted to IEEE SLT 2022
SpeechCLIP arXiv link: https://arxiv.org/abs/2210.00705 Prequisite Install packages pip install -r requirements.txt Download Pretrained Checkpoints ba
Gradient gating (G^2)
Gradient Gating for Deep Multi-Rate Learning on Graphs This repository contains the implementation of Gradient Gating (G^2) from the preprint: Gradien
This repo has the expert data generation infrastructure and Pytorch implementation of MPiNets.
Motion Policy Networks This repo has the expert data generation infrastructure and Pytorch implementation of MPiNets. Table of Contents Motion Policy
Library to explain *a dataset* in natural language.
Library to explain a dataset in natural language. 📚 sklearn-friendly api • 📖 demo notebook Model Reference Description Emb-GAM 🗂️ , 🔗 , 📄 Fit bet
Tictactoe API versus Mozha (Agent) using Flask, MongoEngine, and PyTorch.
Mozha Tic-Tac-Toe API Mozha Tic-Tac-Toe API is an application programming interface (API) for playing Tic-Tac-Toe with Mozha (Agent). The algorithm is
EfficientNetV2 and EfficientNet-NS based PaDiM
PaDiM-EfficientNet_NS and PaDiM-EfficientNetV2 EfficentNet_NS outperforms both R18-Rd100 and WR50-Rd550 from original implementation on image-level RO
[NeurIPS 2022] The official implementation for "Learning to Discover and Detect Objects"
Learning to Discover and Detect Objects This repository provides the official implementation of the following paper: Learning to Discover and Detect O
Unofficial PyTorch implementation of the paper "Query2Label: A Simple Transformer Way to Multi-Label Classification".
Introdunction Unofficial PyTorch implementation of the paper "Query2Label: A Simple Transformer Way to Multi-Label Classification". Abstract This pape
Implementation of Make-A-Video, new SOTA text to video generator from Meta AI, in Pytorch
Make-A-Video - Pytorch (wip) Implementation of Make-A-Video, new SOTA text to video generator from Meta AI, in Pytorch. They combine pseudo-3d convolu
PyTorch Implementation of Query-Aware Sequential Recommendation (CIKM'22)
Query-Aware Sequential Recommendation MAIN IDEA: Use user queries to prunctuate and enrich interaction sequences! Please check the details here! This
Using PyTorch Lightning, Hydra configs, and Weights & Biases to accelerate development
Simplifying Code With PyTorch Lightning, Hydra, and Weights & Biases Overview This repository hosts a sample project for MNIST digit classification us
Unofficial PyTorch implementation of the paper Transformer-based Dual Relation Graph for Multi-label Image Recognition. ICCV 2021
TDRG Unofficial PyTorch implementation of the paper Transformer-based Dual Relation Graph for Multi-label Image Recognition. ICCV 2021 Architecture Th
A PyTorch re-implementation of ECCV 2020 paper "Foley Music: Learning to Generate Music from Videos "
Foley-Music-Reproduce A PyTorch Re-Implementation of ECCV 2020 paper "Foley Music: Learning to Generate Music from Videos " Foley Music: Learning to G
This is a re-write discord bot project, which uses pytorch and nlp to make smart bot.
Discord-bot-rewrite-with-pytorch 1. Create conda environment conda create -n discord python=3.10.4 2. Activate enviroment conda activate discord 3. Tạ
Official Pytorch implementations for "SegNeXt: Rethinking Convolutional Attention Design for Semantic Segmentation" (NeurIPS 2022)
SegNeXt: Rethinking Convolutional Attention Design for Semantic Segmentation (NeurIPS 2022) The repository contains official Pytorch implementations o
Pytorch Implementation of Learning to Prompt (L2P) for Continual Learning @ CVPR22
L2P Pytorch Implementation This repository contains PyTorch implementation code for awesome continual learning method L2P, proposed in Wang, Zifeng, e
UNetFormer: A UNet-like transformer for efficient semantic segmentation of remote sensing urban scene imagery, ISPRS. Also, including other vision transformers and CNNs for satellite, aerial image and UAV image segmentation.
Version 2.0 (stable) Welcome to my homepage! News UNetFormer (accepted by ISPRS, Research Gate) and UAVid dataset are supported. ISPRS Vaihingen and P
Pytorch implementation for a multi-modal text classification program
Text Classification Multi-model implementation for text classification. Commands Install required fundamental packages: pip3 install pandas pip3 insta
Reference implementation of "Tree Methods for Hierarchical Classification in Parallel" (Heinsen, 2022) in PyTorch.
heinsen_tree Reference implementation of "Tree Methods for Hierarchical Classification in Parallel" (Heinsen, 2022) in PyTorch. Makes hierarchical cla
Sound-guided Semantic Image Manipulation - Official Pytorch Code (CVPR 2022)
🔉 Sound-guided Semantic Image Manipulation (CVPR2022) Official Pytorch Implementation Sound-guided Semantic Image Manipulation IEEE/CVF Conference on
CLIP-GEN: Language-Free Training of a Text-to-Image Generator with CLIP
CLIP-GEN [简体中文][English] 本项目在萤火二号集群上用 PyTorch 实现了论文 《CLIP-GEN: Language-Free Training of a Text-to-Image Generator with CLIP》。 CLIP-GEN 是一个 Language-F
Pytorch code for "BSRT: Improving Burst Super-Resolution with Swin Transformer and Flow-Guided Deformable Alignment", CVPRW, 1st place in NTIRE 2022 BurstSR Challenge (real-world track).
BSRT: Improving Burst Super-Resolution with Swin Transformer and Flow-Guided Deformable Alignment (CVPRW 2022) BSRT, the winner of the NTIRE 2022 Burs
Official PyTorch implementation for the paper High-Resolution Virtual Try-On with Misalignment and Occlusion-Handled Conditions (ECCV 2022).
HR-VITON — Official PyTorch Implementation High-Resolution Virtual Try-On with Misalignment and Occlusion-Handled Conditions Sangyun Lee*1, Gyojung Gu
Official pytorch implementation for Learning to Listen: Modeling Non-Deterministic Dyadic Facial Motion (CVPR 2022)
Learning to Listen: Modeling Non-Deterministic Dyadic Facial Motion This repository contains a pytorch implementation of "Learning to Listen: Modeling
Official code from the paper "Offline RL for Natural Language Generation with Implicit Language Q Learning"
Implicit Language Q Learning Official code from the paper "Offline RL for Natural Language Generation with Implicit Language Q Learning" project site
Boilerplate for GPU-Accelerated TensorFlow and PyTorch code on M1 Macbook
What is this repo? Quick start boilerplate for GPU acceleration working with Tensorflow and PyTorch on Macbook Air M1 (ARM-64 architecture) Uses Metal
Code for the SIGIR 2022 paper "Hybrid Transformer with Multi-level Fusion for Multimodal Knowledge Graph Completion"
MKGFormer Code for the SIGIR 2022 paper "Hybrid Transformer with Multi-level Fusion for Multimodal Knowledge Graph Completion" Model Architecture Illu
PyTorch – SMART: Robust and Efficient Fine-Tuning for Pre-trained Natural Language Models.
SMART - PyTorch A PyTorch implementation of SMART, a regularization technique to fine-tune pretrained (language) models. You might also be interested
Official PyTorch implementation of TriHorn-Net
TriHorn-Net This repository contains the PyTorch implementation of TriHorn-Net: A Model for Accurate Depth-Based 3D Hand Pose Estimation. It contains
Avocodo: Generative Adversarial Network for Artifact-free Vocoder
Avocodo: Generative Adversarial Network for Artifact-free Vocoder Unofficial implementation of Avocodo: Generative Adversarial Network for Artifact-fr
This is the implementation of the paper AdaMix: Mixture-of-Adapter for Parameter-efficient Tuning of Large Language Models
AdaMix (Mixture-of-Adapter) This is the implementation of the paper AdaMix: Mixture-of-Adapter for Parameter-efficient Tuning of Large Language Models
Code for paper: SpA-Former:Transformer image shadow detection and shadow removal via spatial attention
SpA-Former:Transformer image shadow detection and removal via spatial attention new 2022.6.30 The draft is released now at http://arxiv.org/abs/2206.1
The official PyTorch implementation of oral paper "FocusCut: Diving into a Focus View in Interactive Segmentation" in CVPR 2022.
FocusCut The official PyTorch implementation of oral paper "FocusCut: Diving into a Focus View in Interactive Segmentation" in CVPR2022. Prepare See r
This repository contains utilities for converting Keras models to PyTorch, converting TF models to Keras, and converting TF models to PyTorch.
weight-transfer This repository contains utilities for converting Keras models to PyTorch, converting TF models to Keras, and converting TF models to
Official PyTorch implementation of the NeurIPS2022 paper "PolarMix: A General Data Augmentation Technique for LiDAR Point Clouds"
PolarMix PolarMix: A General Data Augmentation Technique for LiDAR Point Clouds Aoran Xiao, Jiaxing Huang, Dayan Guan, Kaiwen Cui, Shijian Lu, Ling Sh
A PyTorch implementation of paper AEDNet: Adaptive Edge-Deleting Network For Subgraph Matching
A PyTorch implementation of paper AEDNet: Adaptive Edge-Deleting Network For Subgraph Matching. [Neural-Subgraph-Matching Method For Learning-Subgraph-Matching. (Approximate Subgraph matching, SubgraphMatching)]
A simple example of how to parallelize MNIST training using PyTorch.
ParallelMNIST A simple example of how to parallelize MNIST training using PyTorch. First create a new conda environment, then install the following pa
This is the official source code of "Spatial-Temporal Interactive Dynamic Graph Convolution Network for Traffic Forecasting" based on Pytorch.
Spatial-Temporal Interactive Dynamic Graph Convolution Network for Traffic Forecasting This is the original pytorch implementation of STIDGCN in the f
Official implementation of CLIP-Mesh: Generating textured meshes from text using pretrained image-text models
CLIP-Mesh Official implementation of CLIP-Mesh: Generating textured meshes from text using pretrained image-text models Nasir Mohammad Khalid, Tianhao
Pytorch implementation of diffusion models on Lie Groups for 6D grasp pose generation https://sites.google.com/view/se3dif/home
Pytorch implementation of Diffusion models in SE(3) for grasp and motion generation This library provides the tools for training and sampling diffusio
[IEEE TNNLS 2022] Robust Self-Ensembling Network for Hyperspectral Image Classification
Robust Self-Ensembling Network for Hyperspectral Image Classification This is the official PyTorch implementation of the paper Robust Self-Ensembling
AI-Assisted Texture Generation Toolkit in Blender
Solvent AI-Assisted Texture Generation Toolkit in Blender Features Text-to-Image Texture Generation Generate textures, concept art, and background ass
BiFuse++: Self-supervised and Efficient Bi-projection Fusion for 360 Depth Estimation
[TPAMI 2022] BiFuse++: Self-supervised and Efficient Bi-projection Fusion for 360 Depth Estimation This is the official implementation of our TPAMI pa
Official PyTorch implementation for Maximum Likelihood Training of Implicit Nonlinear Diffusion Model (INDM) in NeurIPS 2022.
Maximum Likelihood Training of Implicit Nonlinear Diffusion Model (INDM) (NeurIPS 2022) | paper | pretrained model | This repo contains an official Py
Implementation of efficient backbones for computer vision task.
Efficient Backbones Efficient backbones is the project which aims to provide efficient SOTA vision backbones based on PyTorch. Currently following mod
Unofficial Pytorch Implementation for MonoCon(AAAI, 2022)
MonoCon (AAAI, 2022) This repository contains unofficial pytorch implementation for MonoCon: Learning Auxiliary Monocular Contexts Helps Monocular 3D
PyTorch implementation of ``User-Controllable Latent Transformer for StyleGAN Image Layout Editing'' [Computer Graphics Forum (Proc. of Pacific Graphics 2022)]
User-Controllable Latent Transformer for StyleGAN Image Layout Editing This repository contains our implementation of the following paper: Yuki Endo:
The official PyTorch implementation of the ECCV 2022 paper: Ghost-free High Dynamic Range Imaging with Context-aware Transformer
[ECCV 2022]Ghost-free High Dynamic Range Imaging with Context-aware Transformer By Zhen Liu1, Yinglong Wang2, Bing Zeng3 and Shuaicheng Liu3,1* 1Megvi
Official PyTorch implementation of SynDiff described in the paper (https://arxiv.org/abs/2207.08208).
SynDiff Official PyTorch implementation of SynDiff described in the paper. Muzaffer Özbey, Salman UH Dar, Hasan A Bedel, Onat Dalmaz, Şaban Özturk, Al
Simple pytorch-based model training examples
Pytorch Examples Introduction We provide a simple pytorch-based bert classification example with well-formed structure. You can simply build and run y
PyTorch implements `Optimizing Generative Adversarial Networks for Image Super Resolution via Latent Space Regularization` paper.
MSRN-PyTorch Overview This repository contains an op-for-op PyTorch reimplementation of Multi-scale Residual Network for Image Super-Resolution . Tabl
Official PyTorch implementation for the paper "Aerial View Goal Localization with Reinforcement Learning"
AiRLoc: Aerial View Goal Localization with Reinforcement Learning Official PyTorch implementation of AiRLoc by Aleksis Pirinen, Anton Samuelsson, John
BYOL: Bootstrap Your Own Latent
BYOL: Bootstrap Your Own Latent - Multi GPU Support PyTorch implementation of BYOL: a new approach to self-supervised image representation learning. T
Pipeline for training efficientdet on COCO2017, implemented in PyTorch Lightning
Pipeline for Object Detection in PyTorch Lightning This is a PyTorch Lightning-based pipeline for training EfficientDet on COCO 2017 dataset. For bett
YOLOv5 Object Tracking + Detection + Object Blurring + Streamlit Dashboard Using OpenCV, PyTorch and Streamlit
yolov5-object-tracking New Features YOLOv5 Object Tracking Using Sort Tracker Added Object blurring Option Added Support of Streamlit Dashboard Code c
Generate OMORI character sprite with GAN.
OMORI GAN Generate OMORI character sprite with Generative Adversarial Networks (GAN) using PyTorch Lightning. Example generated image Spoiler warning:
Unofficial PyTorch implementation of 'Fast and High-Quality Image Denoising via Malleable Convolutions'.
MalleNet-PyTorch Unofficial PyTorch implementation of Fast and High-Quality Image Denoising via Malleable Convolutions. We implemented it based on the
Implementation of AudioLM, a Language Modeling Approach to Audio Generation out of Google Research, in Pytorch
AudioLM - Pytorch (wip) Implementation of AudioLM, a Language Modeling Approach to Audio Generation out of Google Research, in Pytorch Citations @inpr
Diffusion based transformer, in PyTorch (Experimental).
Difformer - PyTorch (Experimental) Diffusion based transformer, in PyTorch. pip install difformer-pytorch Usage from difformer_pytorch import Difforme
DCGAN, pytorch - Run experiments with various GAN model
GANs Author: Hai Zhou Institution: Beijing University of Posts and Telecommunication mail:[email protected] Run experiments with various GAN model Mod
PyTorch implementation of Denoising of 3D MR images using a voxel-wise hybrid residual MLP-CNN model to improve small lesion diagnostic confidence (MICCAI 2022).
Denoising of 3D MR images using a voxel-wise hybrid residual MLP-CNN model to improve small lesion diagnostic confidence PyTorch implementation of Den
This is the official PyTorch implementation of our paper: Treating Motion as Option to Reduce Motion Dependency in Unsupervised Video Object Segmentation, arXiv'22
TMO This is the official PyTorch implementation of our paper: Treating Motion as Option to Reduce Motion Dependency in Unsupervised Video Object Segme
This is the official PyTorch implementation of our paper: Pixel-Level Equalized Matching for Video Object Segmentation, arXiv'22
EMVOS This is the official PyTorch implementation of our paper: Pixel-Level Equalized Matching for Video Object Segmentation, arXiv'22 Suhwan Cho, Woo
The pytorch code of AIParsing: Anchor-Free Instance-Level Human Parsing
AIParsing This respository includes a PyTorch implementation of the TIP2022 paper AIParsing:Anchor-Free Instance-Level Human Parsing. Requirements: py
Using Deeplabv3-Plus-Pytorch to perform semantic segmentation on specimen sheets. Using YOLOv5-Pytorch to perform object detection.
简体中文 | English About The Project This project is to train semantic segmentation with supervised learning (Deeplabv3) and semi-supervised learning (Nat
DeepPavlov is an open-source conversational AI library built on TensorFlow, Keras and PyTorch.
DeepPavlov is an open-source conversational AI library built on TensorFlow, Keras and PyTorch. DeepPavlov is designed for development of production re
The pytorch implementation for "Forest-CD: Forest Change Detection Network Based on VHR Images"
The pytorch implementation for "Forest-CD: Forest Change Detection Network Based on VHR Images". The paper is published on IEEE Geoscience and Remote Sensing Letters.
IEEE AIKE'2022: Few-shot Text Classification with Saliency-equivalent Concatenation
SEC This is the implementation of the IEEE AIKE'2022 paper Few-shot Text Classification with Saliency-equivalent Concatenation (SEC). Introduction to
Implementation of Perceiver AR, Deepmind's new long-context attention network based on Perceiver architecture, in Pytorch
Perceiver AR - Pytorch Implementation of Perceiver AR, Deepmind's new long-context attention network based on Perceiver architecture, in Pytorch. Gene