omnigenome 0.3.1a0__py3-none-any.whl → 0.4.0a0__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (80) hide show
  1. omnigenome/__init__.py +304 -266
  2. omnigenome-0.4.0a0.dist-info/METADATA +354 -0
  3. omnigenome-0.4.0a0.dist-info/RECORD +7 -0
  4. omnigenome/auto/__init__.py +0 -3
  5. omnigenome/auto/auto_bench/__init__.py +0 -11
  6. omnigenome/auto/auto_bench/auto_bench.py +0 -494
  7. omnigenome/auto/auto_bench/auto_bench_cli.py +0 -230
  8. omnigenome/auto/auto_bench/auto_bench_config.py +0 -216
  9. omnigenome/auto/auto_bench/config_check.py +0 -34
  10. omnigenome/auto/auto_train/__init__.py +0 -12
  11. omnigenome/auto/auto_train/auto_train.py +0 -429
  12. omnigenome/auto/auto_train/auto_train_cli.py +0 -222
  13. omnigenome/auto/bench_hub/__init__.py +0 -11
  14. omnigenome/auto/bench_hub/bench_hub.py +0 -25
  15. omnigenome/cli/__init__.py +0 -12
  16. omnigenome/cli/commands/__init__.py +0 -12
  17. omnigenome/cli/commands/base.py +0 -83
  18. omnigenome/cli/commands/bench/__init__.py +0 -12
  19. omnigenome/cli/commands/bench/bench_cli.py +0 -202
  20. omnigenome/cli/commands/rna/__init__.py +0 -12
  21. omnigenome/cli/commands/rna/rna_design.py +0 -177
  22. omnigenome/cli/omnigenome_cli.py +0 -128
  23. omnigenome/src/__init__.py +0 -11
  24. omnigenome/src/abc/__init__.py +0 -11
  25. omnigenome/src/abc/abstract_dataset.py +0 -641
  26. omnigenome/src/abc/abstract_metric.py +0 -114
  27. omnigenome/src/abc/abstract_model.py +0 -690
  28. omnigenome/src/abc/abstract_tokenizer.py +0 -269
  29. omnigenome/src/dataset/__init__.py +0 -16
  30. omnigenome/src/dataset/omni_dataset.py +0 -437
  31. omnigenome/src/lora/__init__.py +0 -12
  32. omnigenome/src/lora/lora_model.py +0 -300
  33. omnigenome/src/metric/__init__.py +0 -15
  34. omnigenome/src/metric/classification_metric.py +0 -184
  35. omnigenome/src/metric/metric.py +0 -199
  36. omnigenome/src/metric/ranking_metric.py +0 -142
  37. omnigenome/src/metric/regression_metric.py +0 -191
  38. omnigenome/src/misc/__init__.py +0 -3
  39. omnigenome/src/misc/utils.py +0 -503
  40. omnigenome/src/model/__init__.py +0 -19
  41. omnigenome/src/model/augmentation/__init__.py +0 -11
  42. omnigenome/src/model/augmentation/model.py +0 -219
  43. omnigenome/src/model/classification/__init__.py +0 -11
  44. omnigenome/src/model/classification/model.py +0 -638
  45. omnigenome/src/model/embedding/__init__.py +0 -11
  46. omnigenome/src/model/embedding/model.py +0 -263
  47. omnigenome/src/model/mlm/__init__.py +0 -11
  48. omnigenome/src/model/mlm/model.py +0 -177
  49. omnigenome/src/model/module_utils.py +0 -232
  50. omnigenome/src/model/regression/__init__.py +0 -11
  51. omnigenome/src/model/regression/model.py +0 -781
  52. omnigenome/src/model/regression/resnet.py +0 -483
  53. omnigenome/src/model/rna_design/__init__.py +0 -11
  54. omnigenome/src/model/rna_design/model.py +0 -476
  55. omnigenome/src/model/seq2seq/__init__.py +0 -11
  56. omnigenome/src/model/seq2seq/model.py +0 -44
  57. omnigenome/src/tokenizer/__init__.py +0 -16
  58. omnigenome/src/tokenizer/bpe_tokenizer.py +0 -226
  59. omnigenome/src/tokenizer/kmers_tokenizer.py +0 -247
  60. omnigenome/src/tokenizer/single_nucleotide_tokenizer.py +0 -249
  61. omnigenome/src/trainer/__init__.py +0 -14
  62. omnigenome/src/trainer/accelerate_trainer.py +0 -747
  63. omnigenome/src/trainer/hf_trainer.py +0 -75
  64. omnigenome/src/trainer/trainer.py +0 -591
  65. omnigenome/utility/__init__.py +0 -3
  66. omnigenome/utility/dataset_hub/__init__.py +0 -12
  67. omnigenome/utility/dataset_hub/dataset_hub.py +0 -178
  68. omnigenome/utility/ensemble.py +0 -324
  69. omnigenome/utility/hub_utils.py +0 -517
  70. omnigenome/utility/model_hub/__init__.py +0 -11
  71. omnigenome/utility/model_hub/model_hub.py +0 -232
  72. omnigenome/utility/pipeline_hub/__init__.py +0 -11
  73. omnigenome/utility/pipeline_hub/pipeline.py +0 -483
  74. omnigenome/utility/pipeline_hub/pipeline_hub.py +0 -129
  75. omnigenome-0.3.1a0.dist-info/METADATA +0 -224
  76. omnigenome-0.3.1a0.dist-info/RECORD +0 -78
  77. {omnigenome-0.3.1a0.dist-info → omnigenome-0.4.0a0.dist-info}/WHEEL +0 -0
  78. {omnigenome-0.3.1a0.dist-info → omnigenome-0.4.0a0.dist-info}/entry_points.txt +0 -0
  79. {omnigenome-0.3.1a0.dist-info → omnigenome-0.4.0a0.dist-info}/licenses/LICENSE +0 -0
  80. {omnigenome-0.3.1a0.dist-info → omnigenome-0.4.0a0.dist-info}/top_level.txt +0 -0
@@ -1,224 +0,0 @@
1
- Metadata-Version: 2.4
2
- Name: omnigenome
3
- Version: 0.3.1a0
4
- Summary: OmniGenome: A comprehensive toolkit for genome analysis.
5
- Home-page: https://github.com/yangheng95/OmniGenBench
6
- Author: Yang, Heng
7
- Author-email: hy345@exeter.ac.uk
8
- License: Apache-2.0
9
- Platform: Windows
10
- Platform: Linux
11
- Platform: Mac OS-X
12
- Classifier: Development Status :: 3 - Alpha
13
- Classifier: Intended Audience :: Science/Research
14
- Classifier: License :: OSI Approved :: Apache Software License
15
- Classifier: Programming Language :: Python :: 3.10
16
- Classifier: Programming Language :: Python :: 3.11
17
- Classifier: Programming Language :: Python :: 3.12
18
- Classifier: Operating System :: OS Independent
19
- Classifier: Topic :: Scientific/Engineering :: Bio-Informatics
20
- Requires-Python: >=3.10
21
- Description-Content-Type: text/markdown
22
- License-File: LICENSE
23
- Requires-Dist: findfile>=2.0.0
24
- Requires-Dist: autocuda>=0.16
25
- Requires-Dist: metric-visualizer>=0.9.6
26
- Requires-Dist: termcolor
27
- Requires-Dist: gitpython
28
- Requires-Dist: torch>=2.6.0
29
- Requires-Dist: pandas
30
- Requires-Dist: viennarna
31
- Requires-Dist: scikit-learn
32
- Requires-Dist: accelerate
33
- Requires-Dist: transformers>=4.46.0
34
- Requires-Dist: packaging
35
- Requires-Dist: peft
36
- Requires-Dist: dill
37
- Requires-Dist: accelerate
38
- Provides-Extra: dev
39
- Requires-Dist: dill; extra == "dev"
40
- Requires-Dist: pytest; extra == "dev"
41
- Dynamic: author
42
- Dynamic: author-email
43
- Dynamic: classifier
44
- Dynamic: description
45
- Dynamic: description-content-type
46
- Dynamic: home-page
47
- Dynamic: license
48
- Dynamic: license-file
49
- Dynamic: platform
50
- Dynamic: provides-extra
51
- Dynamic: requires-dist
52
- Dynamic: requires-python
53
- Dynamic: summary
54
-
55
- ![favicon.png](asset/favicon.png)
56
-
57
- <h3 align="center">OmniGenBench is a modular benchmarking platform for evaluating genomic foundation models (GFMs) across diverse tasks like RNA structure prediction, gene function classification, and multi-species generalization.</h3>
58
-
59
- <div align="center">
60
-
61
- <a href="https://omnigenbenchdoc.readthedocs.io/en/latest/">
62
- <img src="https://img.shields.io/readthedocs/omnigenbench?logo=readthedocs&logoColor=white" alt="Documentation Status" />
63
- </a>
64
-
65
- <a href="https://pypi.org/project/omnigenome/">
66
- <img src="https://img.shields.io/pypi/v/omnigenome?color=blue&label=PyPI" alt="PyPI" />
67
- </a>
68
-
69
- <a href="https://pepy.tech/project/omnigenome">
70
- <img src="https://static.pepy.tech/badge/omnigenome" alt="PyPI Downloads" />
71
- </a>
72
-
73
- <a href="https://pypi.org/project/omnigenbench/">
74
- <img src="https://img.shields.io/pypi/pyversions/omnigenome" alt="Python Version" />
75
- </a>
76
-
77
- <a href="https://github.com/yangheng95/omnigenome/blob/main/LICENSE">
78
- <img src="https://img.shields.io/github/license/yangheng95/omnigenome" alt="License" />
79
- </a>
80
-
81
- </div>
82
- <h3 align="center">
83
- <a href="#installation">📦 Installation</a>
84
- <span> · </span>
85
- <a href="#quick-start">🚀 Getting Started</a>
86
- <span> · </span>
87
- <a href="#supported-models">🧬 Model Support</a>
88
- <span> · </span>
89
- <a href="#benchmarks">📊 Benchmarks </a>
90
- <span> · </span>
91
- <a href="#tutorials">🧪 Application Tutorials</a>
92
- <span> · </span>
93
- <a href="https://arxiv.org/pdf/2505.14402">📚 Paper</a>
94
- </h3>
95
-
96
-
97
- ## 🔍 What You Can Do with OmniGenBench?
98
-
99
- - 🧬 **Benchmark effortlessly** — Run automated and reproducible evaluations for genomic foundation models
100
- - 🧠 **Understand your models** — Explore interpretability across diverse tasks and species
101
- - ⚙️ **Run tutorials instantly** — Use click-to-run guides for genomic sequence modeling
102
- - 🚀 **Train and infer efficiently** — Accelerated workflows for training and inference on GFMs
103
-
104
- ## Installation
105
-
106
- ### Requirements
107
- Before installing OmniGenome, you need to install the following dependencies:
108
- - Python 3.10+
109
- - PyTorch 2.5+
110
- - Transformers 4.46.0+
111
-
112
- ### PyPI Installation
113
- To install OmniGenome, you can use pip:
114
- ```bash
115
- pip install omnigenome -U
116
- ```
117
-
118
- ### Source Installation
119
- Or you can clone the repository and install it from source:
120
- ```bash
121
- git clone https://github.com/yangheng95/OmniGenBench.git
122
- cd OmniGenBench
123
- pip install -e .
124
- ```
125
-
126
- ## Quick Start
127
- `OmniGenBench is available for diverse models and benchmark suites, please refer to the following sections for more details.`
128
- ### Auto-benchmark via CLI
129
- The following command will download the model from the Hugging Face model hub and run the benchmark on the RGB benchmark:
130
- ```bash
131
- autobench --model_name_or_path "yangheng/OmniGenome-186M" --benchmark "RGB" --trainer accelerate
132
- ```
133
- You can find a visualization of AutoBench [here](asset/AutoBench.gif).
134
-
135
-
136
- ### Auto-benchmark via Python API
137
- Or you can use the following python code to run the auto-benchmark:
138
- ```python
139
- from omnigenome import AutoBench
140
- gfm = 'LongSafari/hyenadna-medium-160k-seqlen-hf'
141
- # benchmark could be "RGB", "GB", "PGB", "GUE", which will be downloaded from the Hugging Face model hub
142
- benchmark = "RGB"
143
- bench_size = 8
144
- seeds = [0, 1, 2, 3, 4]
145
- bench = AutoBench(benchmark=benchmark, model_name_or_path=gfm, overwrite=False)
146
- bench.run(autocast=False, batch_size=bench_size, seeds=seeds)
147
- ```
148
- You can find an example of AutoBench via Python API [here](examples/autobench/AutoBench_Tutorial.ipynb).
149
-
150
- ## Supported Models
151
-
152
-
153
- OmniGenBench provides plug-and-play evaluation for over **30 genomic foundation models**, covering both **RNA** and **DNA** modalities. The following are highlights:
154
-
155
- | Model | Params | Pre-training Corpus | Highlights |
156
- |----------------|--------|--------------------------------------------|-----------------------------------------------------|
157
- | **OmniGenome** | 186M | 54B plant RNA+DNA tokens | Multi-modal, structure-aware encoder |
158
- | **Agro-NT-1B** | 985M | 48 edible-plant genomes | Billion-scale DNA LM w/ NT-V2 k-mer vocab |
159
- | **RiNALMo** | 651M | 36M ncRNA sequences | Largest public RNA LM; FlashAttention-2 |
160
- | **DNABERT-2** | 117M | 32B DNA tokens, 136 species (BPE) | Byte-pair encoding; 2nd-gen DNA BERT |
161
- | **RNA-FM** | 96M | 23M ncRNA sequences | High performance on RNA structure tasks |
162
- | **RNA-MSM** | 96M | Multi-sequence alignments | MSA-based evolutionary RNA LM |
163
- | **NT-V2** | 96M | 300B DNA tokens (850 species) | Hybrid k-mer vocabulary |
164
- | **HyenaDNA** | 47M | Human chromosomes | Long-context autoregressive model (1Mb) |
165
- | **SpliceBERT** | 19M | 2M pre-mRNA sequences | Fine-grained splice-site recognition |
166
- | **Caduceus** | 1.9M | Human chromosomes | Ultra-compact DNA LM (RC-equivariant) |
167
- | **RNA-BERT** | 0.5M | 4,000+ ncRNA families | Small BERT with nucleotide masking |
168
- | *...and more* | — | See Appendix E of the paper | Includes PlantRNA-FM, UTR-LM, MP-RNA, CALM, etc. |
169
-
170
- ## Benchmarks
171
-
172
- OmniGenBench supports five curated benchmark suites covering both **sequence-level** and **structure-level** genomics tasks across species.
173
-
174
- | Suite | Focus | #Tasks / Datasets | Sample Tasks |
175
- |--------------|-----------------------------|--------------------------|------------------------------------------------------|
176
- | **RGB** | RNA structure + function | 12 tasks (SN-level) | RNA secondary structure, SNMR, degradation prediction |
177
- | **BEACON** | RNA (multi-domain) | 13 tasks | Base pairing, mRNA design, RNA contact maps |
178
- | **PGB** | Plant long-range DNA | 7 categories | PolyA, enhancer, chromatin access, splice site |
179
- | **GUE** | DNA general tasks | 36 datasets (9 tasks) | TF binding, core promoter, enhancer detection |
180
- | **GB** | Classic DNA classification | 9 datasets | Human/mouse enhancer, promoter variant classification|
181
-
182
-
183
- ## Tutorials
184
-
185
- ### RNA Design
186
- RNA design is a fundamental problem in synthetic biology,
187
- where the goal is to design RNA sequences that fold into a target structure.
188
- In this demo, we show how to use OmniGenome to design RNA sequences
189
- that fold into a target structure using a pre-trained model.
190
- The tutorials of RNA Design Demo can be found in [RNA_Design_Tutorial.ipynb](examples/rna_design/RNA_Design_Tutorial.ipynb).
191
-
192
- You can find a visual example of RNA Design [here](asset/RNA_Design.gif).
193
-
194
- ### RNA Secondary Structure Prediction
195
-
196
- RNA secondary structure prediction is a fundamental problem in computational biology,
197
- where the goal is to predict the secondary structure of an RNA sequence.
198
- In this demo, we show how to use OmniGenome to predict the secondary structure of RNA sequences using a pre-trained model.
199
- The tutorials of RNA Secondary Structure Prediction can be found in
200
- [Secondary_Structure_Prediction_Tutorial.ipynb](examples/rna_secondary_structure_prediction/Secondary_Structure_Prediction_Tutorial.ipynb).
201
-
202
- You can find a visual example of RNA Secondary Structure Prediction [here](asset/RNA_Structure_Prediction.gif).
203
-
204
- ### More Tutorials
205
- Please find more usage tutorials in [examples/tutorials](examples/tutorials).
206
-
207
- ## Citation
208
- ```bibtex
209
- @article{yang2024omnigenbench,
210
- title={OmniGenBench: A Modular Platform for Reproducible Genomic Foundation Models Benchmarking},
211
- author={Heng Yang and Jack Cole, Yuan Li, Renzhi Chen, Geyong Min and Ke Li},
212
- year={2024},
213
- eprint={https://arxiv.org/abs/2505.14402},
214
- archivePrefix={arXiv},
215
- primaryClass={q-bio.GN},
216
- url={https://arxiv.org/abs/2505.14402},
217
- }
218
- ```
219
- ## License
220
- OmniGenBench is licensed under the Apache License 2.0. See the LICENSE file for more information.
221
-
222
-
223
- ## Contribution
224
- We welcome contributions to OmniGenBench! If you have any ideas, suggestions, or bug reports, please open an issue or submit a pull request on GitHub.
@@ -1,78 +0,0 @@
1
- omnigenome/__init__.py,sha256=2tXjLkxTWA1Akx9iks04X-JZckhVmkIEPDO5wKTucF8,9897
2
- omnigenome/auto/__init__.py,sha256=UhcuYy43WsR7IowjajlcGwNVFFFDaufl8KqtNDmVqz0,97
3
- omnigenome/auto/auto_bench/__init__.py,sha256=M2roe3FdlmRLeXs9cOH00KrccLrazkDvlYGSg_N9upo,410
4
- omnigenome/auto/auto_bench/auto_bench.py,sha256=BdCzS-KF_Eos22TGlNdTtLFXlNt0Hd6yYpfvb1TawjE,20997
5
- omnigenome/auto/auto_bench/auto_bench_cli.py,sha256=B3iJiTKuAc6dkEu2h9ApGFpJJwS0I2zwxXtZ6bWfarM,7608
6
- omnigenome/auto/auto_bench/auto_bench_config.py,sha256=2mw6VFcWCSR6dJVAGDejlwmK_VmAZgqMvYlqznl5Ck8,7723
7
- omnigenome/auto/auto_bench/config_check.py,sha256=5RYOOOC-CqvU-46-3uSK6vspLtPSVxdZsFMnNa-3rj0,1086
8
- omnigenome/auto/auto_train/__init__.py,sha256=JClK_1E1_YVAy2rNzQewYzYxvLanqm71-swdXAx8uZs,447
9
- omnigenome/auto/auto_train/auto_train.py,sha256=af5ca6SGyxn8apIxwU0vKPoAC0mKDP2CFqN9w1N_a2M,17506
10
- omnigenome/auto/auto_train/auto_train_cli.py,sha256=vSjQ1t3hfe4HEvIWVB7V6cmYf-47_obKZGHWrk_LWDc,7298
11
- omnigenome/auto/bench_hub/__init__.py,sha256=JryopzWvewnBtN_EZKNEDKvIsc6x0wCsntNFyCGhpmU,395
12
- omnigenome/auto/bench_hub/bench_hub.py,sha256=eTxcVrKQdb-tdgt4CZDmD7zsUxMdw6McOeDAuaDiQZc,740
13
- omnigenome/cli/__init__.py,sha256=sLM_HMGX4lK8LKvIsIBmQUAbZKih6bfYoHmqQFKfGBM,445
14
- omnigenome/cli/omnigenome_cli.py,sha256=fvpxWqowa7IFSU097EXrhChYcMN4yekGS9UA5nsbpz4,4386
15
- omnigenome/cli/commands/__init__.py,sha256=nnD9NFBNHGYhUt7nI5y4iuylIn2JOdvn6iEhlDJjhes,435
16
- omnigenome/cli/commands/base.py,sha256=KU_lhhZpjCMRAK0LZz_txV3R9ZfzCAo_k3u44cBztMk,2858
17
- omnigenome/cli/commands/bench/__init__.py,sha256=dAVl47_QKktT5DpHjv0VMY18vlmxkNMSXbfIWZ1l69k,440
18
- omnigenome/cli/commands/bench/bench_cli.py,sha256=N4mkhg2MRo3beAWmUDJe2NsB5vL3hquxs8fBN-c9Z-A,7523
19
- omnigenome/cli/commands/rna/__init__.py,sha256=rUyJljDj9JGcn83iyRSB2qC2BAXkgsbb24SWsimOFVE,434
20
- omnigenome/cli/commands/rna/rna_design.py,sha256=Vb9jhh4Aj8RlUsBSHirQY5supkmMYzaXNIbs32Jjsyo,6408
21
- omnigenome/src/__init__.py,sha256=MtntWq77RoL1K6iUQQlVcwgfDZIrykvjcpP4O4_7jgM,412
22
- omnigenome/src/abc/__init__.py,sha256=4E5Ba2Fwf9VlxmjwZ50kku-YPGU00JZPgAcNuesaG3g,424
23
- omnigenome/src/abc/abstract_dataset.py,sha256=YEHMwqohAPozmmbVemzA7CoA2hKyvrkW1wIB1msEQqA,24254
24
- omnigenome/src/abc/abstract_metric.py,sha256=nRISSO93i1L9Q-TDL0ZnhtKAXgLRKVlzL6oKHknFU-4,4326
25
- omnigenome/src/abc/abstract_model.py,sha256=t1XqLqs7VLJ4I9Tzu0chWYyFr3_ElaHk5vzQK5JGa7E,28639
26
- omnigenome/src/abc/abstract_tokenizer.py,sha256=5z5dhL2qSswTa5W7Gdn7u8q7sC8cBfv2JuJf3G-F8Gw,9888
27
- omnigenome/src/dataset/__init__.py,sha256=2Lz3xfGaiP5hl2Pf1eW0eenpzrDk3zDyyi63CXbC4hE,628
28
- omnigenome/src/dataset/omni_dataset.py,sha256=dFsDraF3x9N-JIsxbAyPiDhY74BIdWn2pg0A_bV8iuc,17609
29
- omnigenome/src/lora/__init__.py,sha256=EncdIW5iV7LWh8JndQqoXIDTZgHWAIGaeNUEyMa1SlU,457
30
- omnigenome/src/lora/lora_model.py,sha256=HX_CW_ZlwHjGWLY-wcL01_6X6fIQKS7QxDZrmdmll44,10101
31
- omnigenome/src/metric/__init__.py,sha256=lZr6uiL44G8ujmCz98wTH_anHRv9QUdO3tUiBHriZXA,543
32
- omnigenome/src/metric/classification_metric.py,sha256=9AEBqtwga6cojFcS1lP_i-LGkbmn3QLAD7JGFz2Z6bY,8030
33
- omnigenome/src/metric/metric.py,sha256=lAn7brhugv-gOEnE3SatnhczjWDgV8JTLfWxJU-regc,7724
34
- omnigenome/src/metric/ranking_metric.py,sha256=iQZd7DIHIiNqykQJPNPVVjmGlrV-6nSEeKIh5o2XUt4,5670
35
- omnigenome/src/metric/regression_metric.py,sha256=hfUPD6TnrfrQ_wpW5Lyk6t6xdHyMWhJ0rthsk3MXJkw,7585
36
- omnigenome/src/misc/__init__.py,sha256=Dpa-uCQdwKVKkprqy26Np71mRobcWglCjgtITjU6yw0,63
37
- omnigenome/src/misc/utils.py,sha256=WHoXcRpwliV1-9YO5ZfttvJNzUGib77uHS6oNVUnVjo,17108
38
- omnigenome/src/model/__init__.py,sha256=vu1vJVYp8FR9BgF7X2msKkwMfa6jbzsfAsUHduTB21w,621
39
- omnigenome/src/model/module_utils.py,sha256=dmiORa835Jg6cGS24h8e1ZrwfB9_tGiz30IbwUagdaw,9158
40
- omnigenome/src/model/augmentation/__init__.py,sha256=Q1uTFVJjlDV_nJZ9YP44gq6LSolz9b8_6gJ0Iz0RtAc,395
41
- omnigenome/src/model/augmentation/model.py,sha256=rA-NZGzydqvpZuHy4fq4xVJcFA97rjb6NcoV-Leeaqg,8174
42
- omnigenome/src/model/classification/__init__.py,sha256=T1pW6HLdjUywf4-mN9d4ERRWPiZsGpDqsbalFPtyVCc,399
43
- omnigenome/src/model/classification/model.py,sha256=wAets3HAF_T66LbBmdoEutKMYAwaIvWvMffDgGhnUbU,25022
44
- omnigenome/src/model/embedding/__init__.py,sha256=Q6UqgzCEOujfAvYKcHnYhCa6kMIzFFFIa_5Ut8iHQgg,394
45
- omnigenome/src/model/embedding/model.py,sha256=JJIjQTy50U8fVzeeXbgvUdJv_W59dF-f0gZD6qB8ha8,10140
46
- omnigenome/src/model/mlm/__init__.py,sha256=PqKckKLXhvkJr8dLkSpKTwFYsclGv51nhXBKjI55oYw,406
47
- omnigenome/src/model/mlm/model.py,sha256=rFYjn_QYFcREqHzSGO8GsbdUGGMzjOkAcooa-P9SaQ8,6435
48
- omnigenome/src/model/regression/__init__.py,sha256=9_PEGxaiJrwPXvzOf6jGx6Wl1x4UQlOsCGUwNYPUDbc,395
49
- omnigenome/src/model/regression/model.py,sha256=lXLg1Z0B7jzXHRkt8F1sP3KAitfSIAvhe8EAOFiUMFI,27591
50
- omnigenome/src/model/regression/resnet.py,sha256=Xvpssyo3LmmPMJYHwdqKHU0x9F39dllkKY94aI9mHO0,16861
51
- omnigenome/src/model/rna_design/__init__.py,sha256=cqC0Ap954sBDOe3RI8nVlYahx_gIg0nqwoBg8CRQ62E,395
52
- omnigenome/src/model/rna_design/model.py,sha256=kDDM0BHpoFN9nlGxNWrjTjsFWn7E6CPYjfAfkJyLxGY,16939
53
- omnigenome/src/model/seq2seq/__init__.py,sha256=38YtCYxAQRytOsW98G8cqgCXB6mmzrSGPKs1DbwzZ40,405
54
- omnigenome/src/model/seq2seq/model.py,sha256=UC7j691BSbr6He3kCYwO_93V4RLWLt3fQOCQnnwJwgQ,1695
55
- omnigenome/src/tokenizer/__init__.py,sha256=zYUgX-FJ-fw0GNJuuW8ovo9kflDmGDd8Z0F3AMDFXF4,556
56
- omnigenome/src/tokenizer/bpe_tokenizer.py,sha256=_g1x3jJ3wzGgDu3_y2pW-KghYllgbiqoJfjMUF3sNTE,7646
57
- omnigenome/src/tokenizer/kmers_tokenizer.py,sha256=KpPA5_MSP-Wvbp2aeRGD67al6xS1unhbreIQOio-1U4,9155
58
- omnigenome/src/tokenizer/single_nucleotide_tokenizer.py,sha256=alwWeXuvGvzGflsyzm_V0AelAbdfMs79FGSo4pL5roo,9710
59
- omnigenome/src/trainer/__init__.py,sha256=adib_MJlED-EXXkNCt9MhV1U9mPPoOrLReA-dxhgdT0,453
60
- omnigenome/src/trainer/accelerate_trainer.py,sha256=u0gU1MRLjEcj3zPAkDztjxU1aNWDA_XTl6k_Wk3esIs,28377
61
- omnigenome/src/trainer/hf_trainer.py,sha256=eRw0v21lBZW1gTi-5zmagLuR0A1X7OOb0bZlmzROcMI,2591
62
- omnigenome/src/trainer/trainer.py,sha256=wyHJcb8IhrIrSW9dE7uK5MU_EL0_LRHJBP65z7RW9gA,21333
63
- omnigenome/utility/__init__.py,sha256=UvgBH3hsW2JoXfGG6dHJeQLHVF7rXdzK39wGCoJOEKI,101
64
- omnigenome/utility/ensemble.py,sha256=z9opb_9H213OeeNn4VJbKQfXVK_Kzig3mNDIjviG1oQ,13141
65
- omnigenome/utility/hub_utils.py,sha256=iYxt1iAKW2OTsQ0rYxMixRiarwIxjYzCQtaDyijFnWw,20269
66
- omnigenome/utility/dataset_hub/__init__.py,sha256=86rjBJixstpSiTbtprf0RnaC1V5lykh2Bs2cnZG9j3s,433
67
- omnigenome/utility/dataset_hub/dataset_hub.py,sha256=aTPfk5Owoa5OtSGbFPM34WmZ3Oy9x8ZrILQgF6VXI3g,6960
68
- omnigenome/utility/model_hub/__init__.py,sha256=Y5AcnzrtX9zPVbsAZy-6kLPJef-eddcPtZRAe8N7BOE,391
69
- omnigenome/utility/model_hub/model_hub.py,sha256=0K0XOQvPLiscHt0LRphF7Gja6MXHDgBARbdQzr1G8mI,8574
70
- omnigenome/utility/pipeline_hub/__init__.py,sha256=lz9kdc_arVwqDENvt_dN0h8fAhBeTRyG6LQRQrQAjGE,394
71
- omnigenome/utility/pipeline_hub/pipeline.py,sha256=Ft56dolrLJWSLBj7jba8Fka3yCwtBso2Vx_Nt17ZB7A,19756
72
- omnigenome/utility/pipeline_hub/pipeline_hub.py,sha256=bt2QLg4cld8QT2fbMZXJKL0vE3ReuNWHsqhLgiwc6HI,5268
73
- omnigenome-0.3.1a0.dist-info/licenses/LICENSE,sha256=oQoefBV6siHctF0ET-OO3EaSZgtqGtf-wdIAmokS8iY,11560
74
- omnigenome-0.3.1a0.dist-info/METADATA,sha256=LA0FxjRSjsEhsXvOV3noKYAis1t4_JY-wqTDjV9Fszo,10315
75
- omnigenome-0.3.1a0.dist-info/WHEEL,sha256=lTU6B6eIfYoiQJTZNc-fyaR6BpL6ehTzU3xGYxn2n8k,91
76
- omnigenome-0.3.1a0.dist-info/entry_points.txt,sha256=uu40UgMPxY65ASdRbrhkwH94r7CIYgyG_iDBmqFQbD8,84
77
- omnigenome-0.3.1a0.dist-info/top_level.txt,sha256=LVFxm_WPaxjj9KnAqdW94W4D4lbOk30gdsaKlJiSzTo,11
78
- omnigenome-0.3.1a0.dist-info/RECORD,,