omnigenome 0.3.1a0__py3-none-any.whl → 1.0.0b0__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 (79) hide show
  1. omnigenome/__init__.py +26 -266
  2. {omnigenome-0.3.1a0.dist-info → omnigenome-1.0.0b0.dist-info}/METADATA +8 -9
  3. omnigenome-1.0.0b0.dist-info/RECORD +6 -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/RECORD +0 -78
  76. omnigenome-0.3.1a0.dist-info/entry_points.txt +0 -3
  77. {omnigenome-0.3.1a0.dist-info → omnigenome-1.0.0b0.dist-info}/WHEEL +0 -0
  78. {omnigenome-0.3.1a0.dist-info → omnigenome-1.0.0b0.dist-info}/licenses/LICENSE +0 -0
  79. {omnigenome-0.3.1a0.dist-info → omnigenome-1.0.0b0.dist-info}/top_level.txt +0 -0
omnigenome/__init__.py CHANGED
@@ -1,266 +1,26 @@
1
- # -*- coding: utf-8 -*-
2
- # file: __init__.py
3
- # time: 14:53 06/04/2024
4
- # author: YANG, HENG <hy345@exeter.ac.uk> (杨恒)
5
- # github: https://github.com/yangheng95
6
- # huggingface: https://huggingface.co/yangheng
7
- # google scholar: https://scholar.google.com/citations?user=NPq5a_0AAAAJ&hl=en
8
- # Copyright (C) 2019-2024. All Rights Reserved.
9
-
10
- """
11
- This __init__.py file exposes the Key API Entries of the library for easy access.
12
- Use dir(omnigenome) to see all available APIs.
13
-
14
- Key API Entries:
15
- ----------------
16
- - AutoBench: Automated benchmarking of genomic models
17
- - AutoTrain: Automated training of genomic models
18
- - BenchHub: Hub for accessing benchmarks
19
- - ModelHub: Hub for accessing pre-trained models
20
- - PipelineHub: Hub for accessing pipelines
21
- - Various model classes for different genomic tasks
22
- - Dataset classes for different data formats
23
- - Tokenizer classes for different sequence representations
24
- - Metric classes for evaluation
25
- - Trainer classes for model training
26
- """
27
-
28
- __name__ = "omnigenbench"
29
- __version__ = "0.3.1alpha"
30
-
31
- __author__ = "YANG, HENG"
32
- __email__ = "yangheng2021@gmail.com"
33
- __license__ = "Apache-2.0"
34
-
35
- # Import core auto components
36
- from .auto.auto_bench.auto_bench import AutoBench
37
- from .auto.auto_bench.auto_bench_config import AutoBenchConfig
38
- from .auto.bench_hub.bench_hub import BenchHub
39
- from .auto.auto_train.auto_train import AutoTrain
40
- from .auto.auto_bench.auto_bench_cli import run_bench, bench_command
41
- from .auto.auto_train.auto_train_cli import run_train, train_command
42
-
43
- # Import source modules
44
- from .src import dataset as dataset
45
- from .src import metric as metric
46
- from .src import model as model
47
- from .src import tokenizer as tokenizer
48
-
49
- # Import abstract base classes
50
- from .src.abc.abstract_dataset import OmniDataset
51
- from .src.abc.abstract_metric import OmniMetric
52
- from .src.abc.abstract_model import OmniModel
53
- from .src.abc.abstract_tokenizer import OmniTokenizer
54
- from .src.abc.abstract_tokenizer import OmniTokenizer as AutoTokenizer
55
-
56
- # Import dataset classes
57
- from .src.dataset.omni_dataset import OmniDatasetForSequenceClassification
58
- from .src.dataset.omni_dataset import OmniDatasetForSequenceRegression
59
- from .src.dataset.omni_dataset import OmniDatasetForTokenClassification
60
- from .src.dataset.omni_dataset import OmniDatasetForTokenRegression
61
-
62
- # Import metric classes
63
- from .src.metric import ClassificationMetric, RegressionMetric, RankingMetric
64
-
65
- # Import utility functions
66
- from .src.misc import utils as utils
67
- from .src.misc.utils import clean_temp_dir_pt_files
68
-
69
- # Import model classes
70
- from .src.model import (
71
- OmniModelForSequenceClassification,
72
- OmniModelForMultiLabelSequenceClassification,
73
- OmniModelForTokenClassification,
74
- OmniModelForSequenceRegression,
75
- OmniModelForTokenRegression,
76
- OmniModelForStructuralImputation,
77
- OmniModelForMatrixRegression,
78
- OmniModelForMatrixClassification,
79
- OmniModelForMLM,
80
- OmniModelForSeq2Seq,
81
- OmniModelForRNADesign,
82
- OmniModelForEmbedding,
83
- OmniModelForAugmentation,
84
- )
85
-
86
- # Import LoRA model
87
- from .src.lora.lora_model import OmniLoraModel
88
-
89
- # Import tokenizer classes
90
- from .src.tokenizer import OmniBPETokenizer
91
- from .src.tokenizer import OmniKmersTokenizer
92
- from .src.tokenizer import OmniSingleNucleotideTokenizer
93
-
94
- # Import trainer classes
95
- from .src.trainer.hf_trainer import HFTrainer
96
- from .src.trainer.trainer import Trainer
97
- from .src.trainer.accelerate_trainer import AccelerateTrainer
98
-
99
- # Import hub utilities
100
- from .utility.hub_utils import download_benchmark
101
- from .utility.hub_utils import download_model
102
- from .utility.hub_utils import download_pipeline
103
- from .utility import hub_utils as hub_utils
104
-
105
- # Import hub classes
106
- from .utility.model_hub.model_hub import ModelHub
107
- from .utility.dataset_hub.dataset_hub import load_benchmark_datasets
108
- from .utility.pipeline_hub.pipeline import Pipeline
109
- from .utility.pipeline_hub.pipeline_hub import PipelineHub
110
-
111
- # Import module utilities
112
- from .src.model.module_utils import OmniPooling
113
-
114
- # --------------------------------------------------------------------------------
115
- # For backward compatibility version 0.2.7alpha and earlier
116
- from .src.abc.abstract_tokenizer import OmniTokenizer as OmniGenomeTokenizer
117
- from .src.abc.abstract_dataset import OmniDataset as OmniGenomeDataset
118
- from .src.abc.abstract_metric import OmniMetric as OmniGenomeMetric
119
- from .src.abc.abstract_model import OmniModel as OmniGenomeModel
120
- from .src.dataset.omni_dataset import (
121
- OmniDatasetForSequenceClassification as OmniGenomeDatasetForSequenceClassification,
122
- )
123
- from .src.dataset.omni_dataset import (
124
- OmniDatasetForSequenceRegression as OmniGenomeDatasetForSequenceRegression,
125
- )
126
- from .src.dataset.omni_dataset import (
127
- OmniDatasetForTokenClassification as OmniGenomeDatasetForTokenClassification,
128
- )
129
- from .src.dataset.omni_dataset import (
130
- OmniDatasetForTokenRegression as OmniGenomeDatasetForTokenRegression,
131
- )
132
- from .src.lora.lora_model import OmniLoraModel as OmniGenomeLoraModel
133
- from .src.model import (
134
- OmniModelForSequenceClassification as OmniGenomeModelForSequenceClassification,
135
- OmniModelForMultiLabelSequenceClassification as OmniGenomeModelForMultiLabelSequenceClassification,
136
- OmniModelForTokenClassification as OmniGenomeModelForTokenClassification,
137
- OmniModelForSequenceRegression as OmniGenomeModelForSequenceRegression,
138
- OmniModelForTokenRegression as OmniGenomeModelForTokenRegression,
139
- OmniModelForStructuralImputation as OmniGenomeModelForStructuralImputation,
140
- OmniModelForMatrixRegression as OmniGenomeModelForMatrixRegression,
141
- OmniModelForMatrixClassification as OmniGenomeModelForMatrixClassification,
142
- OmniModelForMLM as OmniGenomeModelForMLM,
143
- OmniModelForSeq2Seq as OmniGenomeModelForSeq2Seq,
144
- OmniModelForRNADesign as OmniGenomeModelForRNADesign,
145
- OmniModelForEmbedding as OmniGenomeModelForEmbedding,
146
- OmniModelForAugmentation as OmniGenomeModelForAugmentation,
147
- )
148
-
149
- from .utility.ensemble import VoteEnsemblePredictor
150
-
151
- # ------------------------------------------------------------------------------
152
-
153
-
154
- __all__ = [
155
- "load_benchmark_datasets",
156
- "OmniDataset",
157
- "OmniModel",
158
- "OmniMetric",
159
- "AutoTokenizer",
160
- "OmniTokenizer",
161
- "OmniKmersTokenizer",
162
- "OmniSingleNucleotideTokenizer",
163
- "OmniBPETokenizer",
164
- "ModelHub",
165
- "Pipeline",
166
- "PipelineHub",
167
- "BenchHub",
168
- "AutoBench",
169
- "AutoBenchConfig",
170
- "utils",
171
- "model",
172
- "tokenizer",
173
- "dataset",
174
- "OmniModelForSequenceClassification",
175
- "OmniModelForMultiLabelSequenceClassification",
176
- "OmniModelForTokenClassification",
177
- "OmniModelForSequenceRegression",
178
- "OmniModelForTokenRegression",
179
- "OmniModelForRNADesign",
180
- "OmniModelForEmbedding",
181
- "OmniModelForAugmentation",
182
- "OmniModelForStructuralImputation",
183
- "OmniModelForMatrixRegression",
184
- "OmniModelForMatrixClassification",
185
- "OmniModelForMLM",
186
- "OmniModelForSeq2Seq",
187
- "OmniDatasetForTokenClassification",
188
- "OmniDatasetForTokenRegression",
189
- "OmniDatasetForSequenceClassification",
190
- "OmniDatasetForSequenceRegression",
191
- "OmniLoraModel",
192
- "ClassificationMetric",
193
- "RegressionMetric",
194
- "RankingMetric",
195
- "Trainer",
196
- "HFTrainer",
197
- "AccelerateTrainer",
198
- "AutoBenchConfig",
199
- "AutoBench",
200
- "download_benchmark",
201
- "download_model",
202
- "download_pipeline",
203
- "VoteEnsemblePredictor",
204
- ]
205
-
206
-
207
- LOGO1 = r"""
208
- **@@ #========= @@** ___ _
209
- **@@ +----- @@** / _ \ _ __ ___ _ __ (_)
210
- **@@ = @@** | | | || '_ ` _ \ | '_ \ | |
211
- **@@ | |_| || | | | | || | | || |
212
- @@** = **@@ \___/ |_| |_| |_||_| |_||_|
213
- @@** ------+ **@@
214
- @@** =========# **@@ ____
215
- @@ ---------------+ @@ / ___| ___ _ __
216
- @@ ================== @@ | | _ / _ \| '_ \
217
- @@ +--------------- @@ | |_| || __/| | | |
218
- @@** #========= **@@ \____| \___||_| |_|
219
- @@** +------ **@@
220
- @@** = **@@
221
- @@** ____ _
222
- **@@ = @@** | __ ) ___ _ __ ___ | |__
223
- **@@ -----+ @@** | _ \ / _ \| '_ \ / __|| '_ \
224
- **@@ ==========# @@** | |_) || __/| | | || (__ | | | |
225
- @@ --------------+ @@** |____/ \___||_| |_| \___||_| |_|
226
- """
227
-
228
- LOGO2 = r"""
229
-
230
- ** +----------- ** ___ _
231
- @@ @@ / _ \ _ __ ___ _ __ (_)
232
- @@* #============== *@@ | | | || '_ ` _ \ | '_ \ | |
233
- @@* *@@ | |_| || | | | | || | | || |
234
- *@@ +------------ *@@ \___/ |_| |_| |_||_| |_||_|
235
- *@* @@*
236
- *@@ #========= @@*
237
- *@@* *@@*
238
- *@@ +---@@@* ____
239
- *@@* ** / ___| ___ _ __
240
- **@** | | _ / _ \| '_ \
241
- *@@* *@@* | |_| || __/| | | |
242
- *@@ ---+ @@* \____| \___||_| |_|
243
- *@@* *@@*
244
- *@@ =========# @@*
245
- *@@ @@*
246
- *@@ -------------+ @@* ____ _
247
- @@ @@ | __ ) ___ _ __ ___ | |__
248
- @@ ===============# @@ | _ \ / _ \| '_ \ / __|| '_ \
249
- @@ @@ | |_) || __/| | | || (__ | | | |
250
- ** -----------+ ** |____/ \___||_| |_| \___||_| |_|
251
- """
252
-
253
- art_dna_color_map = {
254
- "*": "blue", # Bases represented by '*'
255
- "@": "white", # Bases represented by '@'
256
- "-": "yellow", # Hydrogen bonds, assuming '-' represents a bond
257
- "=": "light_cyan", # Hydrogen bonds, assuming '=' represents a bond
258
- "+": "yellow", # '+' symbols in cyan
259
- " ": "black", # Use red for undefined characters
260
- }
261
- import random
262
-
263
- LOGO = random.choice([LOGO1, LOGO2])
264
- print(LOGO)
265
-
266
- clean_temp_dir_pt_files()
1
+ # -*- coding: utf-8 -*-
2
+ # file: __init__.py
3
+ # time: 14:53 06/04/2024
4
+ # author: YANG, HENG <hy345@exeter.ac.uk> (杨恒)
5
+ # github: https://github.com/yangheng95
6
+ # huggingface: https://huggingface.co/yangheng
7
+ # google scholar: https://scholar.google.com/citations?user=NPq5a_0AAAAJ&hl=en
8
+ # Copyright (C) 2019-2024. All Rights Reserved.
9
+
10
+ """
11
+ OmniGenBench - Alias package for omnigenome
12
+ ============================================
13
+
14
+ This package provides the same functionality as omnigenome but with the omnigenbench name.
15
+ All imports are redirected to the omnigenome package.
16
+ """
17
+
18
+ # Import everything from omnigenome to maintain compatibility
19
+ from omnigenbench import *
20
+
21
+ # Override package metadata to reflect omnigenbench
22
+ __name__ = "omnigenome"
23
+ __version__ = "1.0.0beta"
24
+ __author__ = "Yang, Heng"
25
+ __email__ = "yangheng2021@gmail.com"
26
+ __license__ = "Apache-2.0"
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: omnigenome
3
- Version: 0.3.1a0
3
+ Version: 1.0.0b0
4
4
  Summary: OmniGenome: A comprehensive toolkit for genome analysis.
5
5
  Home-page: https://github.com/yangheng95/OmniGenBench
6
6
  Author: Yang, Heng
@@ -34,7 +34,6 @@ Requires-Dist: transformers>=4.46.0
34
34
  Requires-Dist: packaging
35
35
  Requires-Dist: peft
36
36
  Requires-Dist: dill
37
- Requires-Dist: accelerate
38
37
  Provides-Extra: dev
39
38
  Requires-Dist: dill; extra == "dev"
40
39
  Requires-Dist: pytest; extra == "dev"
@@ -54,7 +53,7 @@ Dynamic: summary
54
53
 
55
54
  ![favicon.png](asset/favicon.png)
56
55
 
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>
56
+ <h3 align="center">OmniGenBench offers an all-in-one solution for genomic foundation model finetuning, inference, deployment and automated benchmarking, designed for research and applications in genomics.</h3>
58
57
 
59
58
  <div align="center">
60
59
 
@@ -104,15 +103,15 @@ Dynamic: summary
104
103
  ## Installation
105
104
 
106
105
  ### Requirements
107
- Before installing OmniGenome, you need to install the following dependencies:
106
+ Before installing OmniGenoBench, you need to install the following dependencies:
108
107
  - Python 3.10+
109
108
  - PyTorch 2.5+
110
109
  - Transformers 4.46.0+
111
110
 
112
111
  ### PyPI Installation
113
- To install OmniGenome, you can use pip:
112
+ To install OmniGenoBench, you can use pip:
114
113
  ```bash
115
- pip install omnigenome -U
114
+ pip install omnigenbench -U
116
115
  ```
117
116
 
118
117
  ### Source Installation
@@ -136,7 +135,7 @@ You can find a visualization of AutoBench [here](asset/AutoBench.gif).
136
135
  ### Auto-benchmark via Python API
137
136
  Or you can use the following python code to run the auto-benchmark:
138
137
  ```python
139
- from omnigenome import AutoBench
138
+ from omnigenbench import AutoBench
140
139
  gfm = 'LongSafari/hyenadna-medium-160k-seqlen-hf'
141
140
  # benchmark could be "RGB", "GB", "PGB", "GUE", which will be downloaded from the Hugging Face model hub
142
141
  benchmark = "RGB"
@@ -185,7 +184,7 @@ OmniGenBench supports five curated benchmark suites covering both **sequence-lev
185
184
  ### RNA Design
186
185
  RNA design is a fundamental problem in synthetic biology,
187
186
  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
187
+ In this demo, we show how to use OmniGenoBench to design RNA sequences
189
188
  that fold into a target structure using a pre-trained model.
190
189
  The tutorials of RNA Design Demo can be found in [RNA_Design_Tutorial.ipynb](examples/rna_design/RNA_Design_Tutorial.ipynb).
191
190
 
@@ -195,7 +194,7 @@ You can find a visual example of RNA Design [here](asset/RNA_Design.gif).
195
194
 
196
195
  RNA secondary structure prediction is a fundamental problem in computational biology,
197
196
  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.
197
+ In this demo, we show how to use OmniGenoBench to predict the secondary structure of RNA sequences using a pre-trained model.
199
198
  The tutorials of RNA Secondary Structure Prediction can be found in
200
199
  [Secondary_Structure_Prediction_Tutorial.ipynb](examples/rna_secondary_structure_prediction/Secondary_Structure_Prediction_Tutorial.ipynb).
201
200
 
@@ -0,0 +1,6 @@
1
+ omnigenome/__init__.py,sha256=JL0bSHQvgNHRLRvbywvuaf-tFJ-sGmnPgpF_4lpSDCI,887
2
+ omnigenome-1.0.0b0.dist-info/licenses/LICENSE,sha256=oQoefBV6siHctF0ET-OO3EaSZgtqGtf-wdIAmokS8iY,11560
3
+ omnigenome-1.0.0b0.dist-info/METADATA,sha256=72rfG-qBr9ex44k4r6gAQqQXVvb4lGBo-Utbjw461Ak,10278
4
+ omnigenome-1.0.0b0.dist-info/WHEEL,sha256=lTU6B6eIfYoiQJTZNc-fyaR6BpL6ehTzU3xGYxn2n8k,91
5
+ omnigenome-1.0.0b0.dist-info/top_level.txt,sha256=LVFxm_WPaxjj9KnAqdW94W4D4lbOk30gdsaKlJiSzTo,11
6
+ omnigenome-1.0.0b0.dist-info/RECORD,,
@@ -1,3 +0,0 @@
1
- """
2
- This package contains modules for automated processes such as benchmarking and training.
3
- """
@@ -1,11 +0,0 @@
1
- # -*- coding: utf-8 -*-
2
- # file: __init__.py
3
- # time: 18:28 11/04/2024
4
- # author: YANG, HENG <hy345@exeter.ac.uk> (杨恒)
5
- # github: https://github.com/yangheng95
6
- # huggingface: https://huggingface.co/yangheng
7
- # google scholar: https://scholar.google.com/citations?user=NPq5a_0AAAAJ&hl=en
8
- # Copyright (C) 2019-2024. All Rights Reserved.
9
- """
10
- This package contains modules for automated benchmarking of models.
11
- """