modelId
string
author
string
last_modified
timestamp[us, tz=UTC]
downloads
int64
likes
int64
library_name
string
tags
sequence
pipeline_tag
string
createdAt
timestamp[us, tz=UTC]
card
string
yaohuacn/a2c-PandaReachDense-v3
yaohuacn
2023-09-02T11:10:11Z
2
0
stable-baselines3
[ "stable-baselines3", "PandaReachDense-v3", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2023-09-02T11:05:12Z
--- library_name: stable-baselines3 tags: - PandaReachDense-v3 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: A2C results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: PandaReachDense-v3 type: PandaReachDense-v3 metrics: - type: mean_reward value: -0.19 +/- 0.08 name: mean_reward verified: false --- # **A2C** Agent playing **PandaReachDense-v3** This is a trained model of a **A2C** agent playing **PandaReachDense-v3** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3). ## Usage (with Stable-baselines3) TODO: Add your code ```python from stable_baselines3 import ... from huggingface_sb3 import load_from_hub ... ```
VuongQuoc/longformer_sciq
VuongQuoc
2023-09-02T11:06:18Z
97
0
transformers
[ "transformers", "pytorch", "longformer", "multiple-choice", "generated_from_trainer", "endpoints_compatible", "region:us" ]
multiple-choice
2023-08-29T02:34:13Z
--- tags: - generated_from_trainer model-index: - name: longformer_sciq results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # longformer_sciq This model is a fine-tuned version of [VuongQuoc/longformer_sciq](https://huggingface.co/VuongQuoc/longformer_sciq) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.5326 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-06 - train_batch_size: 2 - eval_batch_size: 4 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_ratio: 0.2 - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.1931 | 0.2 | 20 | 0.7457 | | 0.7677 | 0.4 | 40 | 0.7063 | | 1.0391 | 0.6 | 60 | 0.6745 | | 1.2915 | 0.8 | 80 | 0.6316 | | 1.1399 | 1.0 | 100 | 0.6652 | | 0.9975 | 1.2 | 120 | 0.6134 | | 0.9232 | 1.4 | 140 | 0.5561 | | 0.8026 | 1.6 | 160 | 0.5422 | | 0.7188 | 1.8 | 180 | 0.5370 | | 0.7272 | 2.0 | 200 | 0.5326 | ### Framework versions - Transformers 4.30.2 - Pytorch 2.0.0+cpu - Datasets 2.1.0 - Tokenizers 0.13.3
andrewcho92/helloworld
andrewcho92
2023-09-02T10:33:10Z
0
0
null
[ "text-generation", "en", "license:openrail", "region:us" ]
text-generation
2023-09-02T10:14:37Z
--- license: openrail language: - en pipeline_tag: text-generation ---
jigglesaw/finetuning-sentiment-model-3000-samples
jigglesaw
2023-09-02T10:16:22Z
106
0
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "generated_from_trainer", "dataset:imdb", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2023-09-02T08:56:24Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer datasets: - imdb metrics: - accuracy - f1 model-index: - name: finetuning-sentiment-model-3000-samples results: - task: name: Text Classification type: text-classification dataset: name: imdb type: imdb config: plain_text split: test args: plain_text metrics: - name: Accuracy type: accuracy value: 0.8666666666666667 - name: F1 type: f1 value: 0.870967741935484 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # finetuning-sentiment-model-3000-samples This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the imdb dataset. It achieves the following results on the evaluation set: - Loss: 0.3394 - Accuracy: 0.8667 - F1: 0.8710 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
gg4ever/trOCR-final
gg4ever
2023-09-02T10:15:40Z
126
0
transformers
[ "transformers", "pytorch", "vision-encoder-decoder", "image-text-to-text", "image-to-text", "ko", "license:apache-2.0", "endpoints_compatible", "region:us" ]
image-to-text
2023-08-22T11:31:10Z
--- license: apache-2.0 language: - ko metrics: - cer - wer pipeline_tag: image-to-text --- # trOCR-final fine-tuned for VisionEncoderDecoderModel(encoder , decoder) encoder = 'facebook/deit-base-distilled-patch16-384' decoder = 'klue/roberta-base' ## How to Get Started with the Model ```python from transformers import VisionEncoderDecoderModel,AutoTokenizer, TrOCRProcessor import torch from PIL import Image device = torch.device('cuda') # change 'cuda' if you need. image_path='(your image path)' image = Image.open(image_path) #model can be .jpg or .png #hugging face download: https://huggingface.co/gg4ever/trOCR-final processor = TrOCRProcessor.from_pretrained("microsoft/trocr-base-handwritten") trocr_model = "gg4ever/trOCR-final" model = VisionEncoderDecoderModel.from_pretrained(trocr_model).to(device) tokenizer = AutoTokenizer.from_pretrained(trocr_model) pixel_values = (processor(image, return_tensors="pt").pixel_values).to(device) generated_ids = model.generate(pixel_values) generated_text = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0] print(generated_text) ``` ## Training Details ### Training Data 1M words generated by TextRecognitionDataGenerator(trdg) : https://github.com/Belval/TextRecognitionDataGenerator/blob/master/trdg/run.py 1.1M words from AI-hub OCR words dataset : https://aihub.or.kr/aihubdata/data/view.do?currMenu=115&topMenu=100&dataSetSn=81 ### Training Hyperparameters |hyperparameters|values| |-----------------------------|-------| |predict_with_generate|True| |evaluation_strategy|"steps"| |per_device_train_batch_size|32| |per_device_eval_batch_size|32| |num_train_epochs|2| |fp16|True| |learning_rate|4e-5| |eval_stept|10000| |warmup_steps|20000| |weight_decay|0.01|
muralee491/murale
muralee491
2023-09-02T10:14:33Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T10:12:40Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - quant_method: bitsandbytes - load_in_8bit: False - load_in_4bit: True - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: nf4 - bnb_4bit_use_double_quant: False - bnb_4bit_compute_dtype: float16 ### Framework versions - PEFT 0.6.0.dev0
StefanoCaloni/dqn-SpaceInvaders
StefanoCaloni
2023-09-02T10:04:52Z
0
0
stable-baselines3
[ "stable-baselines3", "SpaceInvadersNoFrameskip-v4", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2023-09-02T08:32:06Z
--- library_name: stable-baselines3 tags: - SpaceInvadersNoFrameskip-v4 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: DQN results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: SpaceInvadersNoFrameskip-v4 type: SpaceInvadersNoFrameskip-v4 metrics: - type: mean_reward value: 299.00 +/- 68.26 name: mean_reward verified: false --- # **DQN** Agent playing **SpaceInvadersNoFrameskip-v4** This is a trained model of a **DQN** agent playing **SpaceInvadersNoFrameskip-v4** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3) and the [RL Zoo](https://github.com/DLR-RM/rl-baselines3-zoo). The RL Zoo is a training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included. ## Usage (with SB3 RL Zoo) RL Zoo: https://github.com/DLR-RM/rl-baselines3-zoo<br/> SB3: https://github.com/DLR-RM/stable-baselines3<br/> SB3 Contrib: https://github.com/Stable-Baselines-Team/stable-baselines3-contrib Install the RL Zoo (with SB3 and SB3-Contrib): ```bash pip install rl_zoo3 ``` ``` # Download model and save it into the logs/ folder python -m rl_zoo3.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga StefanoCaloni -f logs/ python -m rl_zoo3.enjoy --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` If you installed the RL Zoo3 via pip (`pip install rl_zoo3`), from anywhere you can do: ``` python -m rl_zoo3.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga StefanoCaloni -f logs/ python -m rl_zoo3.enjoy --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` ## Training (with the RL Zoo) ``` python -m rl_zoo3.train --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ # Upload the model and generate video (when possible) python -m rl_zoo3.push_to_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ -orga StefanoCaloni ``` ## Hyperparameters ```python OrderedDict([('batch_size', 32), ('buffer_size', 10000), ('env_wrapper', ['stable_baselines3.common.atari_wrappers.AtariWrapper']), ('exploration_final_eps', 0.01), ('exploration_fraction', 0.1), ('frame_stack', 4), ('gradient_steps', 1), ('learning_rate', 0.0001), ('learning_starts', 10000), ('n_timesteps', 100000.0), ('optimize_memory_usage', False), ('policy', 'CnnPolicy'), ('target_update_interval', 100), ('train_freq', 4), ('normalize', False)]) ``` # Environment Arguments ```python {'render_mode': 'rgb_array'} ```
KhalfounMehdi/mura_vit_224
KhalfounMehdi
2023-09-02T10:01:11Z
192
0
transformers
[ "transformers", "pytorch", "tensorboard", "vit", "image-classification", "autotrain", "dataset:KhalfounMehdi/mura_dataset_processed_224px_train_val", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2023-09-02T06:30:20Z
--- tags: - autotrain - image-classification widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace datasets: - KhalfounMehdi/mura_dataset_processed_224px_train_val metrics: - accuracy --- # Model Trained Using AutoTrain - Problem type: Image Classification ## Validation Metrics {'accuracy': 0.7795551112221945, 'recall': 0.9037098791162984, 'precision': 0.7690670450514366, 'f1': 0.83096972019931, 'total_time_in_seconds': 81.18831510400014, 'samples_per_second': 49.28049060846776, 'latency_in_seconds': 0.020292005774556397}
fathercc/majiczhenshi
fathercc
2023-09-02T09:16:46Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2023-08-02T12:23:04Z
--- license: creativeml-openrail-m ---
franziskaM/b25-wav2vec2-large-xls-r-romansh-colab
franziskaM
2023-09-02T08:58:53Z
7
0
transformers
[ "transformers", "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "generated_from_trainer", "dataset:common_voice_13_0", "license:apache-2.0", "model-index", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2023-09-01T10:20:50Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice_13_0 metrics: - wer model-index: - name: b25-wav2vec2-large-xls-r-romansh-colab results: - task: name: Automatic Speech Recognition type: automatic-speech-recognition dataset: name: common_voice_13_0 type: common_voice_13_0 config: rm-vallader split: test args: rm-vallader metrics: - name: Wer type: wer value: 0.24149976711690732 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # b25-wav2vec2-large-xls-r-romansh-colab This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on the common_voice_13_0 dataset. It achieves the following results on the evaluation set: - Loss: 0.3303 - Wer: 0.2415 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 4 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 8 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 30 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 6.1605 | 3.05 | 400 | 2.9535 | 1.0 | | 2.9451 | 6.11 | 800 | 2.9092 | 1.0 | | 1.7795 | 9.16 | 1200 | 0.4982 | 0.4951 | | 0.4094 | 12.21 | 1600 | 0.3883 | 0.3575 | | 0.2374 | 15.27 | 2000 | 0.3151 | 0.2876 | | 0.1674 | 18.32 | 2400 | 0.3284 | 0.2783 | | 0.1385 | 21.37 | 2800 | 0.3408 | 0.2641 | | 0.1133 | 24.43 | 3200 | 0.3355 | 0.2538 | | 0.1015 | 27.48 | 3600 | 0.3303 | 0.2415 | ### Framework versions - Transformers 4.26.0 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
Kamer/bert-base-uncased-eurlex
Kamer
2023-09-02T08:14:26Z
109
0
transformers
[ "transformers", "pytorch", "bert", "text-classification", "generated_from_trainer", "base_model:nlpaueb/bert-base-uncased-eurlex", "base_model:finetune:nlpaueb/bert-base-uncased-eurlex", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2023-09-02T07:18:39Z
--- license: cc-by-sa-4.0 base_model: nlpaueb/bert-base-uncased-eurlex tags: - generated_from_trainer model-index: - name: bert-base-uncased-eurlex results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-base-uncased-eurlex This model is a fine-tuned version of [nlpaueb/bert-base-uncased-eurlex](https://huggingface.co/nlpaueb/bert-base-uncased-eurlex) on the None dataset. It achieves the following results on the evaluation set: - eval_loss: 0.4164 - eval_Accuracy: 0.9224 - eval_F1_macro: 0.9301 - eval_F1_class_0: 0.8941 - eval_F1_class_1: 0.9388 - eval_F1_class_2: 0.9412 - eval_F1_class_3: 0.9730 - eval_F1_class_4: 0.9148 - eval_F1_class_5: 0.9573 - eval_F1_class_6: 0.9399 - eval_F1_class_7: 0.9685 - eval_F1_class_8: 0.9630 - eval_F1_class_9: 0.9495 - eval_F1_class_10: 0.8574 - eval_F1_class_11: 0.9241 - eval_F1_class_12: 0.8677 - eval_F1_class_13: 0.9442 - eval_F1_class_14: 0.9055 - eval_F1_class_15: 0.9022 - eval_F1_class_16: 0.8929 - eval_F1_class_17: 0.9811 - eval_F1_class_18: 0.8870 - eval_F1_class_19: 1.0 - eval_runtime: 154.2922 - eval_samples_per_second: 32.918 - eval_steps_per_second: 4.116 - epoch: 0.52 - step: 3000 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Framework versions - Transformers 4.32.0 - Pytorch 2.0.1+cu117 - Datasets 2.14.4 - Tokenizers 0.13.3
Xmm/led-large-16384-cnn_dailymail
Xmm
2023-09-02T08:09:40Z
98
0
transformers
[ "transformers", "pytorch", "tensorboard", "safetensors", "led", "text2text-generation", "generated_from_trainer", "dataset:cnn_dailymail", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2023-06-17T03:05:46Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - cnn_dailymail metrics: - rouge model-index: - name: led-large-16384-cnn_dailymail results: - task: name: Sequence-to-sequence Language Modeling type: text2text-generation dataset: name: cnn_dailymail type: cnn_dailymail config: 3.0.0 split: test args: 3.0.0 metrics: - name: Rouge1 type: rouge value: 0.3869876274946419 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # led-large-16384-cnn_dailymail This model is a fine-tuned version of [allenai/led-base-16384](https://huggingface.co/allenai/led-base-16384) on the cnn_dailymail dataset. It achieves the following results on the evaluation set: - Loss: 1.5544 - Rouge1: 0.3870 - Rouge2: 0.1736 - Rougel: 0.2599 - Rougelsum: 0.3653 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 2 - eval_batch_size: 2 - seed: 42 - gradient_accumulation_steps: 64 - total_train_batch_size: 128 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | |:-------------:|:-----:|:-----:|:---------------:|:------:|:------:|:------:|:---------:| | 1.9531 | 0.4 | 500 | 1.8639 | 0.3485 | 0.1441 | 0.2275 | 0.3288 | | 1.9563 | 0.8 | 1000 | 1.8260 | 0.3538 | 0.1482 | 0.2315 | 0.3343 | | 1.7176 | 1.2 | 1500 | 1.8208 | 0.3628 | 0.1527 | 0.2383 | 0.3433 | | 1.7197 | 1.6 | 2000 | 1.8162 | 0.3696 | 0.1602 | 0.2434 | 0.3486 | | 1.8086 | 2.0 | 2500 | 1.7924 | 0.3558 | 0.1533 | 0.2334 | 0.3361 | | 1.2448 | 2.4 | 3000 | 1.8510 | 0.3703 | 0.1591 | 0.2447 | 0.3483 | | 1.3574 | 2.8 | 3500 | 1.8277 | 0.3741 | 0.1593 | 0.2422 | 0.3540 | | 1.0966 | 3.2 | 4000 | 1.8924 | 0.3682 | 0.1576 | 0.2424 | 0.3479 | | 0.9938 | 3.6 | 4500 | 1.8957 | 0.3723 | 0.1599 | 0.2451 | 0.3511 | | 1.0735 | 4.0 | 5000 | 1.8772 | 0.3653 | 0.1557 | 0.2399 | 0.3454 | | 0.9106 | 4.4 | 5500 | 1.9401 | 0.3720 | 0.1585 | 0.2436 | 0.3504 | | 1.015 | 4.8 | 6000 | 1.9320 | 0.3725 | 0.1570 | 0.2429 | 0.3515 | | 1.7854 | 0.36 | 6500 | 1.7800 | 0.3624 | 0.1544 | 0.2390 | 0.3422 | | 1.9079 | 0.39 | 7000 | 1.7629 | 0.3573 | 0.1553 | 0.2352 | 0.3370 | | 1.7606 | 3.34 | 7500 | 1.6902 | 0.3783 | 0.1673 | 0.2521 | 0.3570 | | 1.7571 | 3.57 | 8000 | 1.6563 | 0.3802 | 0.1691 | 0.2538 | 0.3587 | | 1.6602 | 3.79 | 8500 | 1.6439 | 0.3814 | 0.1693 | 0.2548 | 0.3600 | | 1.6614 | 4.01 | 9000 | 1.6312 | 0.3812 | 0.1691 | 0.2544 | 0.3599 | | 1.668 | 4.24 | 9500 | 1.6189 | 0.3815 | 0.1689 | 0.2550 | 0.3603 | | 1.6491 | 4.46 | 10000 | 1.6172 | 0.3799 | 0.1681 | 0.2540 | 0.3586 | | 1.5994 | 4.68 | 10500 | 1.6132 | 0.3825 | 0.1702 | 0.2560 | 0.3610 | | 1.6493 | 4.9 | 11000 | 1.6093 | 0.3828 | 0.1701 | 0.2561 | 0.3613 | | 1.6769 | 5.13 | 11500 | 1.6074 | 0.3831 | 0.1706 | 0.2569 | 0.3619 | | 1.6554 | 5.35 | 12000 | 1.6044 | 0.3817 | 0.1695 | 0.2559 | 0.3605 | | 1.6155 | 5.57 | 12500 | 1.6010 | 0.3825 | 0.1700 | 0.2561 | 0.3608 | | 1.5863 | 5.8 | 13000 | 1.5981 | 0.3829 | 0.1704 | 0.2569 | 0.3614 | | 1.6306 | 6.02 | 13500 | 1.6004 | 0.3831 | 0.1702 | 0.2563 | 0.3618 | | 1.6425 | 6.24 | 14000 | 1.5987 | 0.3821 | 0.1698 | 0.2561 | 0.3610 | | 1.6863 | 6.46 | 14500 | 1.5876 | 0.3837 | 0.1710 | 0.2569 | 0.3622 | | 1.6085 | 6.69 | 15000 | 1.5815 | 0.3836 | 0.1717 | 0.2573 | 0.3621 | | 1.6267 | 6.91 | 15500 | 1.5792 | 0.3852 | 0.1722 | 0.2579 | 0.3633 | | 1.5637 | 7.13 | 16000 | 1.5768 | 0.3830 | 0.1709 | 0.2568 | 0.3611 | | 1.5586 | 7.36 | 16500 | 1.5740 | 0.3833 | 0.1706 | 0.2567 | 0.3617 | | 1.5389 | 7.58 | 17000 | 1.5689 | 0.3858 | 0.1729 | 0.2590 | 0.3640 | | 1.5694 | 7.8 | 17500 | 1.5645 | 0.3853 | 0.1731 | 0.2589 | 0.3636 | | 1.5265 | 8.02 | 18000 | 1.5621 | 0.3871 | 0.1733 | 0.2596 | 0.3654 | | 1.5273 | 8.25 | 18500 | 1.5624 | 0.3861 | 0.1726 | 0.2588 | 0.3646 | | 1.5148 | 8.47 | 19000 | 1.5602 | 0.3866 | 0.1733 | 0.2592 | 0.3651 | | 1.532 | 8.69 | 19500 | 1.5599 | 0.3859 | 0.1732 | 0.2593 | 0.3642 | | 1.5113 | 8.92 | 20000 | 1.5602 | 0.3877 | 0.1748 | 0.2606 | 0.3658 | | 1.5133 | 9.14 | 20500 | 1.5595 | 0.3855 | 0.1725 | 0.2587 | 0.3637 | | 1.4875 | 9.36 | 21000 | 1.5572 | 0.3873 | 0.1741 | 0.2600 | 0.3654 | | 1.5038 | 9.59 | 21500 | 1.5557 | 0.3860 | 0.1728 | 0.2590 | 0.3641 | | 1.5062 | 9.81 | 22000 | 1.5544 | 0.3870 | 0.1736 | 0.2599 | 0.3653 | ### Framework versions - Transformers 4.27.1 - Pytorch 2.0.0+cu118 - Datasets 2.10.1 - Tokenizers 0.13.2
maroti/dqn-SpaceInvadersNoFrameskip-v4
maroti
2023-09-02T08:07:44Z
0
0
stable-baselines3
[ "stable-baselines3", "SpaceInvadersNoFrameskip-v4", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2023-09-02T08:07:09Z
--- library_name: stable-baselines3 tags: - SpaceInvadersNoFrameskip-v4 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: DQN results: - task: type: reinforcement-learning name: reinforcement-learning dataset: name: SpaceInvadersNoFrameskip-v4 type: SpaceInvadersNoFrameskip-v4 metrics: - type: mean_reward value: 507.00 +/- 124.00 name: mean_reward verified: false --- # **DQN** Agent playing **SpaceInvadersNoFrameskip-v4** This is a trained model of a **DQN** agent playing **SpaceInvadersNoFrameskip-v4** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3) and the [RL Zoo](https://github.com/DLR-RM/rl-baselines3-zoo). The RL Zoo is a training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included. ## Usage (with SB3 RL Zoo) RL Zoo: https://github.com/DLR-RM/rl-baselines3-zoo<br/> SB3: https://github.com/DLR-RM/stable-baselines3<br/> SB3 Contrib: https://github.com/Stable-Baselines-Team/stable-baselines3-contrib Install the RL Zoo (with SB3 and SB3-Contrib): ```bash pip install rl_zoo3 ``` ``` # Download model and save it into the logs/ folder python -m rl_zoo3.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga maroti -f logs/ python -m rl_zoo3.enjoy --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` If you installed the RL Zoo3 via pip (`pip install rl_zoo3`), from anywhere you can do: ``` python -m rl_zoo3.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga maroti -f logs/ python -m rl_zoo3.enjoy --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` ## Training (with the RL Zoo) ``` python -m rl_zoo3.train --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ # Upload the model and generate video (when possible) python -m rl_zoo3.push_to_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ -orga maroti ``` ## Hyperparameters ```python OrderedDict([('batch_size', 128), ('buffer_size', 100000), ('env_wrapper', ['stable_baselines3.common.atari_wrappers.AtariWrapper']), ('exploration_final_eps', 0.01), ('exploration_fraction', 0.1), ('frame_stack', 4), ('gradient_steps', 1), ('learning_rate', 0.0001), ('learning_starts', 100000), ('n_timesteps', 1000000.0), ('optimize_memory_usage', False), ('policy', 'CnnPolicy'), ('target_update_interval', 1000), ('train_freq', 4), ('normalize', False)]) ``` # Environment Arguments ```python {'render_mode': 'rgb_array'} ```
Jakir057/banknote18k
Jakir057
2023-09-02T08:04:00Z
194
0
transformers
[ "transformers", "pytorch", "vit", "image-classification", "generated_from_trainer", "base_model:google/vit-base-patch16-224-in21k", "base_model:finetune:google/vit-base-patch16-224-in21k", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2023-09-02T07:38:40Z
--- license: apache-2.0 base_model: google/vit-base-patch16-224-in21k tags: - generated_from_trainer metrics: - accuracy model-index: - name: banknote18k results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # banknote18k This model is a fine-tuned version of [google/vit-base-patch16-224-in21k](https://huggingface.co/google/vit-base-patch16-224-in21k) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.0096 - Accuracy: 0.9987 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0002 - train_batch_size: 16 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 4 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.4947 | 0.12 | 100 | 0.3407 | 0.9451 | | 0.423 | 0.23 | 200 | 0.2200 | 0.9451 | | 0.2237 | 0.35 | 300 | 0.1613 | 0.9536 | | 0.2806 | 0.46 | 400 | 0.0884 | 0.9810 | | 0.1188 | 0.58 | 500 | 0.0512 | 0.9895 | | 0.3279 | 0.7 | 600 | 0.0568 | 0.9876 | | 0.1054 | 0.81 | 700 | 0.0342 | 0.9928 | | 0.0924 | 0.93 | 800 | 0.0536 | 0.9863 | | 0.1068 | 1.05 | 900 | 0.0746 | 0.9804 | | 0.213 | 1.16 | 1000 | 0.0340 | 0.9948 | | 0.159 | 1.28 | 1100 | 0.0426 | 0.9882 | | 0.1048 | 1.39 | 1200 | 0.0248 | 0.9948 | | 0.1493 | 1.51 | 1300 | 0.0154 | 0.9974 | | 0.1274 | 1.63 | 1400 | 0.0394 | 0.9922 | | 0.0915 | 1.74 | 1500 | 0.0422 | 0.9882 | | 0.0598 | 1.86 | 1600 | 0.0219 | 0.9948 | | 0.1241 | 1.97 | 1700 | 0.0173 | 0.9948 | | 0.1249 | 2.09 | 1800 | 0.0179 | 0.9954 | | 0.0131 | 2.21 | 1900 | 0.0124 | 0.9961 | | 0.0392 | 2.32 | 2000 | 0.0123 | 0.9967 | | 0.0655 | 2.44 | 2100 | 0.0223 | 0.9948 | | 0.0355 | 2.56 | 2200 | 0.0256 | 0.9941 | | 0.0335 | 2.67 | 2300 | 0.0147 | 0.9967 | | 0.0618 | 2.79 | 2400 | 0.0123 | 0.9974 | | 0.0476 | 2.9 | 2500 | 0.0110 | 0.9980 | | 0.0452 | 3.02 | 2600 | 0.0192 | 0.9967 | | 0.0104 | 3.14 | 2700 | 0.0184 | 0.9967 | | 0.036 | 3.25 | 2800 | 0.0122 | 0.9974 | | 0.0358 | 3.37 | 2900 | 0.0104 | 0.9987 | | 0.054 | 3.48 | 3000 | 0.0101 | 0.9987 | | 0.0395 | 3.6 | 3100 | 0.0132 | 0.9967 | | 0.0367 | 3.72 | 3200 | 0.0096 | 0.9987 | | 0.0261 | 3.83 | 3300 | 0.0101 | 0.9980 | | 0.0017 | 3.95 | 3400 | 0.0096 | 0.9987 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
Hemanth-thunder/kazuki_kurusu_lora_xl
Hemanth-thunder
2023-09-02T08:02:49Z
1
2
diffusers
[ "diffusers", "tensorboard", "stable-diffusion-xl", "stable-diffusion-xl-diffusers", "text-to-image", "lora", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0", "license:openrail++", "region:us" ]
text-to-image
2023-09-02T06:23:41Z
--- license: openrail++ base_model: stabilityai/stable-diffusion-xl-base-1.0 instance_prompt: a photo of a kazuki kurusu tags: - stable-diffusion-xl - stable-diffusion-xl-diffusers - text-to-image - diffusers - lora inference: true --- # LoRA DreamBooth - Hemanth-thunder/lora-trained-xl-colab These are LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0. The weights were trained on a photo of a kazuki kurusu using [DreamBooth](https://dreambooth.github.io/). You can find some example images in the following. LoRA for the text encoder was enabled: False. Special VAE used for training: madebyollin/sdxl-vae-fp16-fix.
Ori/lama-2-13b-peft-2wikihop-strategyqa-retrieval-mix
Ori
2023-09-02T08:02:11Z
1
0
peft
[ "peft", "safetensors", "region:us" ]
null
2023-09-02T07:58:37Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0.dev0
barti25/lora_flan-t5-large_cnn_dailymail
barti25
2023-09-02T07:36:54Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T07:36:00Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0
xalphaai/llama2-qlora-finetunined
xalphaai
2023-09-02T07:20:06Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T07:19:49Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - quant_method: bitsandbytes - load_in_8bit: False - load_in_4bit: True - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: nf4 - bnb_4bit_use_double_quant: False - bnb_4bit_compute_dtype: float16 ### Framework versions - PEFT 0.6.0.dev0
shiveshnavin/my-dreambooth
shiveshnavin
2023-09-02T07:01:51Z
2
0
diffusers
[ "diffusers", "text-to-image", "autotrain", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:finetune:stabilityai/stable-diffusion-xl-base-1.0", "region:us" ]
text-to-image
2023-09-02T05:01:54Z
--- base_model: stabilityai/stable-diffusion-xl-base-1.0 instance_prompt: photo of shivesh tags: - text-to-image - diffusers - autotrain inference: true --- # DreamBooth trained by AutoTrain Text encoder was not trained.
Jakir057/finetuned-indian-food
Jakir057
2023-09-02T06:53:08Z
192
0
transformers
[ "transformers", "pytorch", "vit", "image-classification", "generated_from_trainer", "base_model:google/vit-base-patch16-224-in21k", "base_model:finetune:google/vit-base-patch16-224-in21k", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2023-09-02T06:19:35Z
--- license: apache-2.0 base_model: google/vit-base-patch16-224-in21k tags: - image-classification - generated_from_trainer metrics: - accuracy model-index: - name: finetuned-indian-food results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # finetuned-indian-food This model is a fine-tuned version of [google/vit-base-patch16-224-in21k](https://huggingface.co/google/vit-base-patch16-224-in21k) on the indian_food_images dataset. It achieves the following results on the evaluation set: - Loss: 0.0026 - Accuracy: 0.9996 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0002 - train_batch_size: 16 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 4 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.7056 | 0.1 | 100 | 0.5113 | 0.8881 | | 0.3027 | 0.21 | 200 | 0.1280 | 0.9796 | | 0.2823 | 0.31 | 300 | 0.1580 | 0.9656 | | 0.3273 | 0.42 | 400 | 0.0879 | 0.9837 | | 0.1808 | 0.52 | 500 | 0.0812 | 0.9822 | | 0.2101 | 0.63 | 600 | 0.0339 | 0.9937 | | 0.1495 | 0.73 | 700 | 0.0568 | 0.9833 | | 0.1296 | 0.84 | 800 | 0.0629 | 0.9844 | | 0.1462 | 0.94 | 900 | 0.0886 | 0.9733 | | 0.0519 | 1.04 | 1000 | 0.0544 | 0.9870 | | 0.3192 | 1.15 | 1100 | 0.0892 | 0.9726 | | 0.158 | 1.25 | 1200 | 0.0632 | 0.98 | | 0.0266 | 1.36 | 1300 | 0.0233 | 0.9944 | | 0.1832 | 1.46 | 1400 | 0.0292 | 0.9930 | | 0.1212 | 1.57 | 1500 | 0.0489 | 0.9852 | | 0.0994 | 1.67 | 1600 | 0.0142 | 0.9974 | | 0.0219 | 1.78 | 1700 | 0.0277 | 0.9930 | | 0.0664 | 1.88 | 1800 | 0.0158 | 0.9974 | | 0.0834 | 1.99 | 1900 | 0.0124 | 0.9978 | | 0.1093 | 2.09 | 2000 | 0.0140 | 0.9974 | | 0.1726 | 2.19 | 2100 | 0.0147 | 0.9963 | | 0.0476 | 2.3 | 2200 | 0.0058 | 0.9993 | | 0.0257 | 2.4 | 2300 | 0.0424 | 0.9911 | | 0.0215 | 2.51 | 2400 | 0.0076 | 0.9989 | | 0.0748 | 2.61 | 2500 | 0.0099 | 0.9974 | | 0.0059 | 2.72 | 2600 | 0.0053 | 0.9993 | | 0.0527 | 2.82 | 2700 | 0.0149 | 0.9963 | | 0.0203 | 2.93 | 2800 | 0.0041 | 0.9993 | | 0.0791 | 3.03 | 2900 | 0.0033 | 0.9989 | | 0.0389 | 3.13 | 3000 | 0.0033 | 0.9989 | | 0.0459 | 3.24 | 3100 | 0.0044 | 0.9989 | | 0.0276 | 3.34 | 3200 | 0.0031 | 0.9996 | | 0.0139 | 3.45 | 3300 | 0.0028 | 0.9996 | | 0.0076 | 3.55 | 3400 | 0.0055 | 0.9985 | | 0.0097 | 3.66 | 3500 | 0.0027 | 0.9996 | | 0.0193 | 3.76 | 3600 | 0.0026 | 0.9996 | | 0.0471 | 3.87 | 3700 | 0.0027 | 0.9996 | | 0.0282 | 3.97 | 3800 | 0.0027 | 0.9996 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
GyanPrakashKushwaha/Sentiment-Analysis
GyanPrakashKushwaha
2023-09-02T06:26:34Z
0
0
null
[ "license:bigscience-openrail-m", "region:us" ]
null
2023-09-02T06:26:34Z
--- license: bigscience-openrail-m ---
budecosystem/genz-70b
budecosystem
2023-09-02T06:03:21Z
2,642
30
transformers
[ "transformers", "pytorch", "llama", "text-generation", "en", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2023-08-21T11:36:04Z
--- language: - en library_name: transformers pipeline_tag: text-generation --- --- <div align="center"><h1 align="center">~ GenZ ~</h1><img src="https://raw.githubusercontent.com/BudEcosystem/GenZ/main/assets/genz-logo.png" width=150></div> <p align="center"><i>Democratizing access to LLMs for the open-source community.<br>Let's advance AI, together. </i></p> --- ## Introduction 🎉 Welcome to **GenZ**, an advanced Large Language Model (LLM) fine-tuned on the foundation of Meta's open-source Llama V2 70B parameter model. At Bud Ecosystem, we believe in the power of open-source collaboration to drive the advancement of technology at an accelerated pace. Our vision is to democratize access to fine-tuned LLMs, and to that end, we will be releasing a series of models across different parameter counts (7B, 13B, and 70B) and quantizations (32-bit and 4-bit) for the open-source community to use, enhance, and build upon. <p align="center"><img src="https://raw.githubusercontent.com/BudEcosystem/GenZ/main/assets/mt_bench_compare.png" width="500"></p> The smaller quantization version of our models makes them more accessible, enabling their use even on personal computers. This opens up a world of possibilities for developers, researchers, and enthusiasts to experiment with these models and contribute to the collective advancement of language model technology. GenZ isn't just a powerful text generator—it's a sophisticated AI assistant, capable of understanding and responding to user prompts with high-quality responses. We've taken the robust capabilities of Llama V2 and fine-tuned them to offer a more user-focused experience. Whether you're seeking informative responses or engaging interactions, GenZ is designed to deliver. And this isn't the end. It's just the beginning of a journey towards creating more advanced, more efficient, and more accessible language models. We invite you to join us on this exciting journey. 🚀 --- <h2>Milestone Releases ️🏁</h2> **[21 August 2023]** [_GenZ-70B_](https://huggingface.co/budecosystem/genz-70b) : We're excited to announce the release of our Genz 70BB model. Experience the advancements by downloading the model from [HuggingFace](https://huggingface.co/budecosystem/genz-70b). **[27 July 2023]** [_GenZ-13B V2 (ggml)_](https://huggingface.co/budecosystem/genz-13b-v2-ggml) : Announcing our GenZ-13B v2 with ggml. This variant of GenZ can run inferencing using only CPU and without the need of GPU. Download the model from [HuggingFace](https://huggingface.co/budecosystem/genz-13b-v2-ggml). **[27 July 2023]** [_GenZ-13B V2 (4-bit)_](https://huggingface.co/budecosystem/genz-13b-v2-4bit) : Announcing our GenZ-13B v2 with 4-bit quantisation. Enabling inferencing with much lesser GPU memory than the 32-bit variant. Download the model from [HuggingFace](https://huggingface.co/budecosystem/genz-13b-v2-4bit). **[26 July 2023]** [_GenZ-13B V2_](https://huggingface.co/budecosystem/genz-13b-v2) : We're excited to announce the release of our Genz 13B v2 model, a step forward with improved evaluation results compared to v1. Experience the advancements by downloading the model from [HuggingFace](https://huggingface.co/budecosystem/genz-13b-v2). **[20 July 2023]** [_GenZ-13B_](https://huggingface.co/budecosystem/genz-13b) : We marked an important milestone with the release of the Genz 13B model. The journey began here, and you can partake in it by downloading the model from [Hugging Face](https://huggingface.co/budecosystem/genz-13b). --- <h2>Evaluations 🎯</h2> Evaluating our model is a key part of our fine-tuning process. It helps us understand how our model is performing and how it stacks up against other models. Here's a look at some of the key evaluations for GenZ 70B: <h3>Benchmark Comparison</h3> We've compared GenZ models to understand the improvements our fine-tuning has achieved. | Model Name | MT Bench | MMLU | Human Eval | BBH | |:----------:|:--------:|:----:|:----------:|:----:| | Genz 13B | 6.12 | 53.62| 17.68 | 37.76| | Genz 13B v2| 6.79 | 53.68| 21.95 | 38.1 | | Genz 70B | 7.33 | 70.32| 37.8 |54.69 | <h3>MT Bench Score</h3> A key evaluation metric we use is the MT Bench score. This score provides a comprehensive assessment of our model's performance across a range of tasks. <p align="center"><img src="https://raw.githubusercontent.com/BudEcosystem/GenZ/main/assets/mt_bench_score.png" width="500"></p> --- <h2>Getting Started on Hugging Face 🤗</h2> Getting up and running with our models on Hugging Face is a breeze. Follow these steps: <h3>1️⃣ : Import necessary modules</h3> Start by importing the necessary modules from the ‘transformers’ library and ‘torch’. ```python import torch from transformers import AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained("budecosystem/genz-70b", trust_remote_code=True) model = AutoModelForCausalLM.from_pretrained("budecosystem/genz-70b", torch_dtype=torch.bfloat16, rope_scaling={"type": "dynamic", "factor": 2}) prompt = "### User:\nWrite a python flask code for login management\n\n### Assistant:\n" inputs = tokenizer(prompt, return_tensors="pt") sample = model.generate(**inputs, max_length=128) print(tokenizer.decode(sample[0])) ``` Want to interact with the model in a more intuitive way? We have a Gradio interface set up for that. Head over to our GitHub page, clone the repository, and run the ‘generate.py’ script to try it out. Happy experimenting! 😄 <h2>Why Use GenZ? 💡</h2> You might be wondering, "Why should I choose GenZ over a pretrained model?" The answer lies in the extra mile we've gone to fine-tune our models. While pretrained models are undeniably powerful, GenZ brings something extra to the table. We've fine-tuned it with curated datasets, which means it has additional skills and capabilities beyond what a pretrained model can offer. Whether you need it for a simple task or a complex project, GenZ is up for the challenge. What's more, we are committed to continuously enhancing GenZ. We believe in the power of constant learning and improvement. That's why we'll be regularly fine-tuning our models with various curated datasets to make them even better. Our goal is to reach the state of the art and beyond - and we're committed to staying the course until we get there. But don't just take our word for it. We've provided detailed evaluations and performance details in a later section, so you can see the difference for yourself. Choose GenZ and join us on this journey. Together, we can push the boundaries of what's possible with large language models. --- <h2>Model Card for GenZ 70B 📄</h2> Here's a quick overview of everything you need to know about GenZ 70B. <h3>Model Details:</h3> - Developed by: Bud Ecosystem - Base pretrained model type: Llama V2 70B - Model Architecture: GenZ 70B, fine-tuned on Llama V2 70B, is an auto-regressive language model that employs an optimized transformer architecture. The fine-tuning process for GenZ 70B leveraged Supervised Fine-Tuning (SFT) - License: The model is available for commercial use under a custom commercial license. For more information, please visit: [Meta AI Model and Library Downloads](https://ai.meta.com/resources/models-and-libraries/llama-downloads/) --- <h2>Intended Use 💼</h2> When we created GenZ 70B, we had a clear vision of how it could be used to push the boundaries of what's possible with large language models. We also understand the importance of using such models responsibly. Here's a brief overview of the intended and out-of-scope uses for GenZ 70B. <h3>Direct Use</h3> GenZ 70B is designed to be a powerful tool for research on large language models. It's also an excellent foundation for further specialization and fine-tuning for specific use cases, such as: - Text summarization - Text generation - Chatbot creation - And much more! <h3>Out-of-Scope Use 🚩</h3> While GenZ 70B is versatile, there are certain uses that are out of scope: - Production use without adequate assessment of risks and mitigation - Any use cases which may be considered irresponsible or harmful - Use in any manner that violates applicable laws or regulations, including trade compliance laws - Use in any other way that is prohibited by the Acceptable Use Policy and Licensing Agreement for Llama 2 Remember, GenZ 70B, like any large language model, is trained on a large-scale corpora representative of the web, and therefore, may carry the stereotypes and biases commonly encountered online. <h3>Recommendations 🧠</h3> We recommend users of GenZ 70B to consider fine-tuning it for the specific set of tasks of interest. Appropriate precautions and guardrails should be taken for any production use. Using GenZ 70B responsibly is key to unlocking its full potential while maintaining a safe and respectful environment. --- <h2>Training Details 📚</h2> When fine-tuning GenZ 70B, we took a meticulous approach to ensure we were building on the solid base of the pretrained Llama V2 70B model in the most effective way. Here's a look at the key details of our training process: <h3>Fine-Tuning Training Data</h3> For the fine-tuning process, we used a carefully curated mix of datasets. These included data from OpenAssistant, an instruction fine-tuning dataset, and Thought Source for the Chain Of Thought (CoT) approach. This diverse mix of data sources helped us enhance the model's capabilities across a range of tasks. <h3>Hyperparameters</h3> Here are the hyperparameters we used for fine-tuning: | Hyperparameter | Value | | -------------- | ----- | | Warmup Ratio | 0.04 | | Learning Rate Scheduler Type | Cosine | | Learning Rate | 2e-5 | | Number of Training Epochs | 3 | | Per Device Training Batch Size | 4 | | Gradient Accumulation Steps | 4 | | Precision | FP16 | | Optimizer | AdamW | --- <h2>Looking Ahead 👀</h2> We're excited about the journey ahead with GenZ. We're committed to continuously improving and enhancing our models, and we're excited to see what the open-source community will build with them. We believe in the power of collaboration, and we can't wait to see what we can achieve together. Remember, we're just getting started. This is just the beginning of a journey that we believe will revolutionize the world of large language models. We invite you to join us on this exciting journey. Together, we can push the boundaries of what's possible with AI. 🚀 --- Check the GitHub for the code -> [GenZ](https://raw.githubusercontent.com/BudEcosystem/GenZ)
Imxxn/AudioCourseU6-TextToSpeech
Imxxn
2023-09-02T05:38:00Z
80
0
transformers
[ "transformers", "pytorch", "speecht5", "text-to-audio", "generated_from_trainer", "text-to-speech", "base_model:microsoft/speecht5_tts", "base_model:finetune:microsoft/speecht5_tts", "license:mit", "endpoints_compatible", "region:us" ]
text-to-speech
2023-09-02T05:18:20Z
--- license: mit base_model: microsoft/speecht5_tts tags: - generated_from_trainer model-index: - name: AudioCourseU6-TextToSpeech results: [] pipeline_tag: text-to-speech --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # AudioCourseU6-TextToSpeech This model is a fine-tuned version of [microsoft/speecht5_tts](https://huggingface.co/microsoft/speecht5_tts) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 4 - eval_batch_size: 2 - seed: 42 - gradient_accumulation_steps: 8 - total_train_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - training_steps: 500 ### Training results ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
flytech/platistil
flytech
2023-09-02T05:18:38Z
0
0
null
[ "safetensors", "generated_from_trainer", "base_model:openai-community/gpt2-medium", "base_model:finetune:openai-community/gpt2-medium", "license:mit", "region:us" ]
null
2023-09-01T04:11:58Z
--- license: mit base_model: gpt2-medium tags: - generated_from_trainer model-index: - name: platistil results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # platistil This model is a fine-tuned version of [gpt2-medium](https://huggingface.co/gpt2-medium) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.001 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: constant - lr_scheduler_warmup_ratio: 0.05 - num_epochs: 3.0 ### Training results ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
johaanm/test-planner-alpha-V5.9
johaanm
2023-09-02T05:14:35Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T05:14:31Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - load_in_8bit: False - load_in_4bit: True - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: nf4 - bnb_4bit_use_double_quant: False - bnb_4bit_compute_dtype: float16 ### Framework versions - PEFT 0.4.0
gg-ai/roberta-peft-p-tuning
gg-ai
2023-09-02T05:05:59Z
1
0
peft
[ "peft", "region:us" ]
null
2023-09-02T05:05:58Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0
vita-group/llama-2-7b_wanda_unstructured
vita-group
2023-09-02T05:03:35Z
10
0
null
[ "license:mit", "region:us" ]
null
2023-09-01T15:05:46Z
--- license: mit --- # Compressed LLM Model Zone The models are prepared by [Visual Informatics Group @ University of Texas at Austin (VITA-group)](https://vita-group.github.io/). Credits to Ajay Jaiswal, Zhenyu Zhang. License: [MIT License](https://opensource.org/license/mit/) Setup environment ```shell pip install torch==2.0.0+cu117 torchvision==0.15.1+cu117 torchaudio==2.0.1 --index-url https://download.pytorch.org/whl/cu117 pip install transformers==4.31.0 pip install accelerate ``` How to use ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer base_model = 'llama-2-7b' comp_method = 'magnitude_unstructured' comp_degree = 0.2 model_path = f'vita-group/{base_model}_{comp_method}' model = AutoModelForCausalLM.from_pretrained( model_path, revision=f's{comp_degree}', torch_dtype=torch.float16, low_cpu_mem_usage=True, device_map="auto" ) tokenizer = AutoTokenizer.from_pretrained('meta-llama/Llama-2-7b-hf') input_ids = tokenizer('Hello! I am a VITA-compressed-LLM chatbot!', return_tensors='pt').input_ids outputs = model.generate(input_ids) print(tokenizer.decode(outputs[0])) ``` | | Base Model | Model Size | Compression Method | Compression Degree | |---:|:-------------|:-------------|:----------------------------------------------------------------------------------------------|:--------------------------------------------------------------------------------------| | 0 | Llama-2 | 7b | [magnitude_unstructured](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured) | [s0.1](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured/tree/s0.1) | | 1 | Llama-2 | 7b | [magnitude_unstructured](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured) | [s0.2](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured/tree/s0.2) | | 2 | Llama-2 | 7b | [magnitude_unstructured](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured) | [s0.3](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured/tree/s0.3) | | 3 | Llama-2 | 7b | [magnitude_unstructured](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured) | [s0.5](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured/tree/s0.5) | | 4 | Llama-2 | 7b | [magnitude_unstructured](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured) | [s0.6](https://huggingface.co/vita-group/llama-2-7b_magnitude_unstructured/tree/s0.6) | | 5 | Llama-2 | 7b | [sparsegpt_unstructured](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured) | [s0.1](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured/tree/s0.1) | | 6 | Llama-2 | 7b | [sparsegpt_unstructured](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured) | [s0.2](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured/tree/s0.2) | | 7 | Llama-2 | 7b | [sparsegpt_unstructured](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured) | [s0.3](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured/tree/s0.3) | | 8 | Llama-2 | 7b | [sparsegpt_unstructured](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured) | [s0.5](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured/tree/s0.5) | | 9 | Llama-2 | 7b | [sparsegpt_unstructured](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured) | [s0.6](https://huggingface.co/vita-group/llama-2-7b_sparsegpt_unstructured/tree/s0.6) | | 10 | Llama-2 | 7b | [wanda_unstructured](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured) | [s0.1](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured/tree/s0.1) | | 11 | Llama-2 | 7b | [wanda_unstructured](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured) | [s0.2](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured/tree/s0.2) | | 12 | Llama-2 | 7b | [wanda_unstructured](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured) | [s0.3](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured/tree/s0.3) | | 13 | Llama-2 | 7b | [wanda_unstructured](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured) | [s0.5](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured/tree/s0.5) | | 14 | Llama-2 | 7b | [wanda_unstructured](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured) | [s0.6](https://huggingface.co/vita-group/llama-2-7b_wanda_unstructured/tree/s0.6) |
Alexshan/Dreamshaper
Alexshan
2023-09-02T04:44:16Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2023-09-02T04:36:41Z
--- license: creativeml-openrail-m ---
rpi-zhar2/RSNA
rpi-zhar2
2023-09-02T04:36:27Z
0
0
null
[ "region:us" ]
null
2023-09-02T04:33:33Z
vits_model_1.pth => train loss: 0.442 && valid loss: 0.556
cfchase/stable-diffusion-rhteddy
cfchase
2023-09-02T04:30:11Z
3
0
diffusers
[ "diffusers", "tensorboard", "safetensors", "stable-diffusion", "stable-diffusion-diffusers", "text-to-image", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-08-21T02:50:44Z
--- license: creativeml-openrail-m tags: - stable-diffusion - stable-diffusion-diffusers - text-to-image inference: true extra_gated_prompt: |- This model is open access and available to all, with a CreativeML OpenRAIL-M license further specifying rights and usage. The CreativeML OpenRAIL License specifies: 1. You can't use the model to deliberately produce nor share illegal or harmful outputs or content 2. CompVis claims no rights on the outputs you generate, you are free to use them and are accountable for their use which must not go against the provisions set in the license 3. You may re-distribute the weights and use the model commercially and/or as a service. If you do, please be aware you have to include the same use restrictions as the ones in the license and share a copy of the CreativeML OpenRAIL-M to all your users (please read the license entirely and carefully) Please read the full license carefully here: https://huggingface.co/spaces/CompVis/stable-diffusion-license --- # Red Hat Teddy ## Fine Tuned from Stable Diffusion v1-5 This model was based on [runwayml/stable-diffusion-v1-5](https://huggingface.co/runwayml/stable-diffusion-v1-5) and finetuned to generate pictures of `rhteddy`. ![redhat dog](redhat-dog-small.jpg) ### Diffusers ```py from diffusers import StableDiffusionPipeline import torch model_id = "cfchase/stable-diffusion-rhteddy" pipe = StableDiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.float16) pipe = pipe.to("cuda") prompt = "a photo of rhteddy on the beach" image = pipe(prompt).images[0] image ```
Imxxn/AudioCourseU4-MusicClassification
Imxxn
2023-09-02T04:21:50Z
162
0
transformers
[ "transformers", "pytorch", "hubert", "audio-classification", "generated_from_trainer", "dataset:marsyas/gtzan", "base_model:ntu-spml/distilhubert", "base_model:finetune:ntu-spml/distilhubert", "license:apache-2.0", "model-index", "endpoints_compatible", "region:us" ]
audio-classification
2023-09-02T01:42:30Z
--- license: apache-2.0 base_model: ntu-spml/distilhubert tags: - generated_from_trainer datasets: - marsyas/gtzan metrics: - accuracy model-index: - name: AudioCourseU4-MusicClassification results: - task: name: Audio Classification type: audio-classification dataset: name: GTZAN type: marsyas/gtzan config: all split: train args: all metrics: - name: Accuracy type: accuracy value: 0.88 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # AudioCourseU4-MusicClassification This model is a fine-tuned version of [ntu-spml/distilhubert](https://huggingface.co/ntu-spml/distilhubert) on the GTZAN dataset. It achieves the following results on the evaluation set: - Loss: 0.8804 - Accuracy: 0.88 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 8e-05 - train_batch_size: 4 - eval_batch_size: 4 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_ratio: 0.1 - num_epochs: 15 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 1.7993 | 1.0 | 225 | 1.5770 | 0.4 | | 1.0767 | 2.0 | 450 | 0.9900 | 0.7 | | 0.8292 | 3.0 | 675 | 0.8554 | 0.73 | | 0.5892 | 4.0 | 900 | 0.8991 | 0.74 | | 0.1584 | 5.0 | 1125 | 0.8473 | 0.78 | | 0.0082 | 6.0 | 1350 | 0.9282 | 0.8 | | 0.0094 | 7.0 | 1575 | 1.0036 | 0.82 | | 0.0581 | 8.0 | 1800 | 1.2186 | 0.82 | | 0.0021 | 9.0 | 2025 | 1.0192 | 0.83 | | 0.0011 | 10.0 | 2250 | 0.8804 | 0.88 | | 0.002 | 11.0 | 2475 | 1.1519 | 0.83 | | 0.0009 | 12.0 | 2700 | 0.9439 | 0.87 | | 0.0006 | 13.0 | 2925 | 1.1227 | 0.84 | | 0.0008 | 14.0 | 3150 | 1.0344 | 0.86 | | 0.0006 | 15.0 | 3375 | 1.0209 | 0.86 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
erickdp/beto-base-peft-p-tuning
erickdp
2023-09-02T04:12:54Z
1
0
peft
[ "peft", "region:us" ]
null
2023-09-02T04:12:52Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0
gg-ai/beto-base-peft-p-tuning-sentiment
gg-ai
2023-09-02T04:00:53Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T04:00:51Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0
Imxxn/AudioCourseU5-ASR
Imxxn
2023-09-02T03:55:25Z
78
0
transformers
[ "transformers", "pytorch", "whisper", "automatic-speech-recognition", "generated_from_trainer", "dataset:PolyAI/minds14", "base_model:openai/whisper-tiny", "base_model:finetune:openai/whisper-tiny", "license:apache-2.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2023-09-02T02:53:46Z
--- license: apache-2.0 base_model: openai/whisper-tiny tags: - generated_from_trainer metrics: - wer model-index: - name: AudioCourseU5-ASR results: [] datasets: - PolyAI/minds14 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # AudioCourseU5-ASR This model is a fine-tuned version of [openai/whisper-tiny](https://huggingface.co/openai/whisper-tiny) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.6438 - Wer Ortho: 34.4849 - Wer: 0.3406 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: constant_with_warmup - lr_scheduler_warmup_steps: 50 - training_steps: 500 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer Ortho | Wer | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:| | 0.3065 | 3.57 | 100 | 0.4921 | 36.8908 | 0.3577 | | 0.0391 | 7.14 | 200 | 0.5425 | 35.3486 | 0.3436 | | 0.0042 | 10.71 | 300 | 0.5878 | 35.6570 | 0.3495 | | 0.0012 | 14.29 | 400 | 0.6206 | 34.2998 | 0.3377 | | 0.0007 | 17.86 | 500 | 0.6438 | 34.4849 | 0.3406 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
gdhdp/xiao
gdhdp
2023-09-02T03:52:50Z
0
0
diffusers
[ "diffusers", "dataset:Open-Orca/OpenOrca", "arxiv:1910.09700", "license:openrail", "region:us" ]
null
2023-09-02T03:50:57Z
--- license: openrail datasets: - Open-Orca/OpenOrca library_name: diffusers --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> This modelcard aims to be a base template for new models. It has been generated using [this raw template](https://github.com/huggingface/huggingface_hub/blob/main/src/huggingface_hub/templates/modelcard_template.md?plain=1). ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Data Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Data Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
JuanMa360/text-in-image-detection
JuanMa360
2023-09-02T03:42:51Z
198
1
transformers
[ "transformers", "pytorch", "tensorboard", "safetensors", "vit", "image-classification", "huggingpics", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2023-09-01T23:09:34Z
--- tags: - image-classification - pytorch - huggingpics metrics: - accuracy model-index: - name: text-in-image-detection results: - task: name: Image Classification type: image-classification metrics: - name: Accuracy type: accuracy value: 0.8805969953536987 --- # text-in-image-detection Text in image classification model ## Example Images #### Exterior ![Exterior](images/Exterior.jpg) #### Interior ![Interior](images/Interior.jpg) #### image_with_text ![image_with_text](images/image_with_text.jpg)
wangrongsheng/Baichuan-13B-Chat-sft-merge
wangrongsheng
2023-09-02T03:38:05Z
1
0
peft
[ "peft", "region:us" ]
null
2023-09-02T03:36:26Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - load_in_8bit: False - load_in_4bit: True - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: nf4 - bnb_4bit_use_double_quant: True - bnb_4bit_compute_dtype: float16 ### Framework versions - PEFT 0.4.0
Sabari231024/my-pet-dog
Sabari231024
2023-09-02T03:32:14Z
5
0
diffusers
[ "diffusers", "safetensors", "NxtWave-GenAI-Webinar", "text-to-image", "stable-diffusion", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-09-02T03:26:16Z
--- license: creativeml-openrail-m tags: - NxtWave-GenAI-Webinar - text-to-image - stable-diffusion --- ### My-Pet-Dog Dreambooth model trained by Sabari231024 following the "Build your own Gen AI model" session by NxtWave. Project Submission Code: GoX19932gAS Sample pictures of this concept: ![0](https://huggingface.co/Sabari231024/my-pet-dog/resolve/main/sample_images/xzg_(2).jpg) ![1](https://huggingface.co/Sabari231024/my-pet-dog/resolve/main/sample_images/xzg_(1).jpg) ![2](https://huggingface.co/Sabari231024/my-pet-dog/resolve/main/sample_images/xzg_(6).jpg) ![3](https://huggingface.co/Sabari231024/my-pet-dog/resolve/main/sample_images/xzg_(7).jpg)
unggulP/unggul
unggulP
2023-09-02T03:19:04Z
0
0
keras
[ "keras", "id", "license:openrail", "region:us" ]
null
2023-09-02T03:16:12Z
--- license: openrail language: - id library_name: keras ---
slhoefel/distilbert-base-uncased-finetuned-ner
slhoefel
2023-09-02T02:44:12Z
120
0
transformers
[ "transformers", "pytorch", "distilbert", "token-classification", "generated_from_trainer", "dataset:ncbi_disease", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2023-09-01T22:38:20Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer datasets: - ncbi_disease metrics: - precision - recall - f1 - accuracy model-index: - name: distilbert-base-uncased-finetuned-ner results: - task: name: Token Classification type: token-classification dataset: name: ncbi_disease type: ncbi_disease config: ncbi_disease split: validation args: ncbi_disease metrics: - name: Precision type: precision value: 0.8144458281444583 - name: Recall type: recall value: 0.8605263157894737 - name: F1 type: f1 value: 0.836852207293666 - name: Accuracy type: accuracy value: 0.9804873249598268 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-finetuned-ner This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the ncbi_disease dataset. It achieves the following results on the evaluation set: - Loss: 0.0735 - Precision: 0.8144 - Recall: 0.8605 - F1: 0.8369 - Accuracy: 0.9805 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | No log | 1.0 | 340 | 0.0761 | 0.7560 | 0.8316 | 0.7920 | 0.9758 | | 0.1236 | 2.0 | 680 | 0.0719 | 0.8105 | 0.8355 | 0.8228 | 0.9794 | | 0.0397 | 3.0 | 1020 | 0.0735 | 0.8144 | 0.8605 | 0.8369 | 0.9805 | ### Framework versions - Transformers 4.31.0 - Pytorch 2.0.1 - Datasets 2.12.0 - Tokenizers 0.13.2
ardt-multipart/ardt-multipart-robust_train_walker2d_level-0209_0140-99
ardt-multipart
2023-09-02T02:43:07Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-02T00:42:39Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_walker2d_level-0209_0140-99 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_walker2d_level-0209_0140-99 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
dt-and-vanilla-ardt/ardt-vanilla-robust_train_hopper_level-0209_0253-66
dt-and-vanilla-ardt
2023-09-02T02:33:57Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-02T01:54:54Z
--- tags: - generated_from_trainer model-index: - name: ardt-vanilla-robust_train_hopper_level-0209_0253-66 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-vanilla-robust_train_hopper_level-0209_0253-66 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
ardt-multipart/ardt-multipart-robust_train_halfcheetah_level-0209_0046-99
ardt-multipart
2023-09-02T02:02:23Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T23:48:11Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_halfcheetah_level-0209_0046-99 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_halfcheetah_level-0209_0046-99 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
dt-and-vanilla-ardt/ardt-vanilla-robust_train_hopper_level-0209_0214-33
dt-and-vanilla-ardt
2023-09-02T01:53:31Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-02T01:15:15Z
--- tags: - generated_from_trainer model-index: - name: ardt-vanilla-robust_train_hopper_level-0209_0214-33 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-vanilla-robust_train_hopper_level-0209_0214-33 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
germanchelo/example_fastai
germanchelo
2023-09-02T01:48:16Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:48:13Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
dt-and-vanilla-ardt/ardt-vanilla-robust_train_halfcheetah_level-0209_0031-66
dt-and-vanilla-ardt
2023-09-02T01:47:12Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T23:33:41Z
--- tags: - generated_from_trainer model-index: - name: ardt-vanilla-robust_train_halfcheetah_level-0209_0031-66 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-vanilla-robust_train_halfcheetah_level-0209_0031-66 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
Isaacf/intel_image_classification_fastai
Isaacf
2023-09-02T01:44:54Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:44:50Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
baibaibai/baini_VoiceBank
baibaibai
2023-09-02T01:44:46Z
0
0
null
[ "UTAU", "diffsinger", "ja", "zh", "license:cc-by-nc-4.0", "region:us" ]
null
2023-09-01T13:36:24Z
--- license: cc-by-nc-4.0 language: - ja - zh tags: - UTAU - diffsinger --- 你好感谢您使用白溺的歌声数据库。 使用规约: 1.禁止用于 宗教 政治,等等,任何违反法律内容的创作。 2.禁止将本音源使用于大众雷点相关内容的创作(例如:为有不良行为的人或物进行二创) 3.允许用于非商业用途且不违反规约的创作。 4.用于商业用途或者盈利,需要向音源管理者申请授权。一般来说都是免费的。 5.使用本音源,不论是商业还是非商,不论是主唱还是和声等职位,都应清晰明了的标注声库名以及所属位置(例:和声:白溺) 6.本音源的oto文件以及wav名,wav文件,引擎模型文件等等,这类由本音源配布的内容以及配布内容二次生成的物品,未说明允许二次配布的,都视为不允许二次配布,也不允许用于违反此规约的创作。(注:使用本音源所配布的内容,进行ai或者其他的类似程序的训练学习等等,或其他近似的行为。属于对已配布内容的二次生成物,不允许以任何形式的分发) 7.更不允许,将此音源与其他音源二次拼接起来命名为新的音源。也不允许制作该音源的亚种,如果有亚种需求,请以音色的名义发布(例如:白溺·秋风)。不允许对音源的文件进行二次修改后以新的命名发布。 需要违反规约的事情,或者规约没有写明白的事情,请咨询声库管理者,声库管理者拥有本规约的最终解释权。 歌手基础信息: 歌手信息: 姓名:白溺 性别:男 生日:7月20日 中之人:小白菌(小雨天) 声库管理者/版权归属:小白菌菌 https://space.bilibili.com/207917768 通过邮箱联系我:[email protected](我可能只是偶尔看一眼)
Jgutierrez90/intel_image_classification_fastai
Jgutierrez90
2023-09-02T01:44:09Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:44:06Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
mceballosb/intel_image_classification_fastai
mceballosb
2023-09-02T01:42:32Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:32:18Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
Elizamar/intel_image_classification_fastai
Elizamar
2023-09-02T01:40:18Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:40:15Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
Andresf7/intel_image_classification_fastai
Andresf7
2023-09-02T01:40:03Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:39:59Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
justina/full-review-clf
justina
2023-09-02T01:31:48Z
106
0
transformers
[ "transformers", "pytorch", "roberta", "text-classification", "generated_from_trainer", "dataset:justina/yelp_boba_reviews", "base_model:cardiffnlp/twitter-roberta-base-sentiment-latest", "base_model:finetune:cardiffnlp/twitter-roberta-base-sentiment-latest", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2023-09-02T00:34:20Z
--- base_model: cardiffnlp/twitter-roberta-base-sentiment-latest tags: - generated_from_trainer metrics: - accuracy model-index: - name: full-review-clf results: [] datasets: - justina/yelp_boba_reviews --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # full-review-clf This model is a fine-tuned version of [cardiffnlp/twitter-roberta-base-sentiment-latest](https://huggingface.co/cardiffnlp/twitter-roberta-base-sentiment-latest) on [justina/yelp-boba-reviews](https://huggingface.co/datasets/justina/yelp_boba_reviews) dataset. It achieves the following results on the evaluation set: - Loss: 0.8198 - F1 Macro: 0.6358 - Aucpr Macro: 0.6658 - Accuracy: 0.7185 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | F1 Macro | Aucpr Macro | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:|:-----------:|:--------:| | 0.723 | 0.43 | 500 | 0.7576 | 0.5979 | 0.6652 | 0.6831 | | 0.7307 | 0.87 | 1000 | 0.6862 | 0.6368 | 0.6752 | 0.7185 | | 0.5828 | 1.3 | 1500 | 0.7398 | 0.6439 | 0.6661 | 0.7255 | | 0.6236 | 1.73 | 2000 | 0.7878 | 0.6212 | 0.6690 | 0.7069 | | 0.3739 | 2.16 | 2500 | 0.8138 | 0.6447 | 0.6752 | 0.7170 | | 0.4235 | 2.6 | 3000 | 0.8048 | 0.6490 | 0.6673 | 0.7255 | | 0.3684 | 3.03 | 3500 | 0.9615 | 0.6483 | 0.6715 | 0.7205 | | 0.3243 | 3.46 | 4000 | 1.0931 | 0.6432 | 0.6632 | 0.7235 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
JmGarzonv/intel_image_classification_fastai
JmGarzonv
2023-09-02T01:27:35Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:27:24Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
DavidOsorio/intel_image_classification_fastai
DavidOsorio
2023-09-02T01:26:54Z
0
0
fastai
[ "fastai", "region:us" ]
null
2023-09-02T01:26:50Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
KingKazma/xsum_gpt2_p_tuning_500_4_50000_6_e0_s6789_v4_l4_v100
KingKazma
2023-09-02T01:26:10Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T01:26:08Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
KhalfounMehdi/dermatology_vit
KhalfounMehdi
2023-09-02T01:24:24Z
193
1
transformers
[ "transformers", "pytorch", "tensorboard", "vit", "image-classification", "autotrain", "dataset:KhalfounMehdi/dermatology_anomaly_detection_vit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2023-09-02T01:23:50Z
--- tags: - autotrain - image-classification widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace datasets: - KhalfounMehdi/dermatology_anomaly_detection_vit --- # Model Trained Using AutoTrain - Problem type: Image Classification ## Validation Metricsg No validation metrics available
sam2ai/falcon-1b-odia-lora-pt
sam2ai
2023-09-02T01:07:21Z
2
0
peft
[ "peft", "region:us" ]
null
2023-09-02T00:57:09Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - quant_method: bitsandbytes - load_in_8bit: True - load_in_4bit: False - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: fp4 - bnb_4bit_use_double_quant: False - bnb_4bit_compute_dtype: float32 ### Framework versions - PEFT 0.6.0.dev0
aibatik/batik_bakaran
aibatik
2023-09-02T00:57:41Z
29
0
diffusers
[ "diffusers", "tensorboard", "safetensors", "text-to-image", "license:unknown", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-09-02T00:40:30Z
--- license: unknown pipeline_tag: text-to-image library_name: diffusers ---
nightdude/config_8119
nightdude
2023-09-02T00:53:19Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T00:52:13Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - quant_method: bitsandbytes - load_in_8bit: False - load_in_4bit: True - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: nf4 - bnb_4bit_use_double_quant: True - bnb_4bit_compute_dtype: bfloat16 ### Framework versions - PEFT 0.5.0.dev0
KingKazma/xsum_t5-small_lora_500_4_1000_8_e4_s6789_v4_l4_r4
KingKazma
2023-09-02T00:42:39Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T00:42:35Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
KingKazma/xsum_t5-small_lora_500_4_1000_8_e1_s6789_v4_l4_r4
KingKazma
2023-09-02T00:40:29Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T00:40:25Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
ardt-multipart/ardt-multipart-robust_train_walker2d_level-0109_2337-66
ardt-multipart
2023-09-02T00:39:59Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T22:39:37Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_walker2d_level-0109_2337-66 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_walker2d_level-0109_2337-66 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
KingKazma/xsum_t5-small_lora_500_4_150_8_e1_s6789_v4_l4_r4
KingKazma
2023-09-02T00:22:54Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T00:14:24Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
KingKazma/xsum_t5-small_lora_500_4_150_8_e-1_s6789_v4_l4_r4_manual
KingKazma
2023-09-02T00:15:03Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-02T00:15:02Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
frankkuete/electra-large-cuad-qa
frankkuete
2023-09-01T23:40:06Z
114
1
transformers
[ "transformers", "pytorch", "electra", "question-answering", "generated_from_trainer", "legal", "en", "dataset:cuad", "license:apache-2.0", "endpoints_compatible", "region:us" ]
question-answering
2023-06-02T15:09:45Z
--- license: apache-2.0 tags: - generated_from_trainer - legal datasets: - cuad model-index: - name: electra-large results: [] language: - en widget: - text: "Highlight the parts (if any) of this contract related to 'Document Name' that should be reviewed by a lawyer. Details: The name of the contract" context: "AGREEMENT FOR MARKETING AND BRAND DEVELOPMENT SERVICES \n This AGREEMENT FOR MARKETING AND BRAND DEVELOPMENT SERVICES (“Agreement”), effective as of December 28, 2014 (“Effective Date”), is by and between Aquarius Cannabis Inc, a Nevada C-Corporation, with offices located at 2214 Clarendon Street, Suite 230, Woodland Hills, CA 91367 (“Aquarius”), and Sysco Pancho LLC, a Washington limited liability company, with offices located at 6262 cambell rd peshastin wa 98847 (“Client”). 1.Marketing and Brand Development Services. Aquarius will perform services for Client in connection with the planning, provision, creation and/or placing of branding, research, advertising, marketing, consulting, creative and/or digital services for Client, during the Term, as provided in the attached (Attachment A) Statement of Work (“SOW”), incorporated herein by reference (such services are collectively referred to as “Services”). During the term of this agreement, Client may wish to assign additional projects, products, or services to Aquarius beyond the Services outlined in the SOW (“Out-of-Scope Assignments”). Aquarius agrees to accept such Out-of-Scope Assignments only upon a separate written agreement with Client regarding additional compensation to be paid to Aquarius and other relevant terms and conditions. Nothing in this Agreement will be deemed to require Aquarius to undertake any act or perform any services which in its good faith judgment would be misleading, false, libelous, unlawful, in breach of a contract, or otherwise prejudicial to Client’s or Aquarius’s interests. 2.Subcontractors. Client acknowledges that Aquarius may, in the rendition of the Services hereunder, engage third party suppliers and other vendors and subcontractors (“Subcontractors”) from time to time to provide certain services. Aquarius shall supervise such services and endeavor to guard against any loss to Client as the result of the failure of Subcontractors to properly execute their commitments, but Aquarius shall not be responsible for their failure, acts or omissions, except where such failure, acts or omissions are due to Aquarius’s negligence or willful misconduct. If Client enters into arrangements with third party vendors, subcontractors or suppliers regarding the provision of materials or services (“Preferred Suppliers”) and requests that Aquarius utilize such Preferred Suppliers in the discharge of Aquarius’s obligations hereunder, Client remains solely responsible for such Preferred Suppliers. 3.Client Approval of Materials. Aquarius shall submit to Client for its approval all elements of any materials to be produced or placed hereunder, including, but not limited to, all copy, layouts, slogans, websites artworks, graphic materials, and photography (collectively, “Materials”). Submission for prior approval of Materials will not be required to the extent that they are preliminary only. 4.Services to Client’s Designees. Should Client request Aquarius to make purchases for or render services to any parent, subsidiary, or affiliate of Client (“Client Affiliate”), Client and such Client Affiliate shall be jointly and severally liable to Aquarius even though Aquarius may render invoices to, or in the name of, such Client Affiliate." - text: "Highlight the parts (if any) of this contract related to 'Agreement Date' that should be reviewed by a lawyer. Details: The date of the contract" context: "AGREEMENT FOR MARKETING AND BRAND DEVELOPMENT SERVICES \n This AGREEMENT FOR MARKETING AND BRAND DEVELOPMENT SERVICES (“Agreement”), effective as of December 28, 2014 (“Effective Date”), is by and between Aquarius Cannabis Inc, a Nevada C-Corporation, with offices located at 2214 Clarendon Street, Suite 230, Woodland Hills, CA 91367 (“Aquarius”), and Sysco Pancho LLC, a Washington limited liability company, with offices located at 6262 cambell rd peshastin wa 98847 (“Client”). 1.Marketing and Brand Development Services. Aquarius will perform services for Client in connection with the planning, provision, creation and/or placing of branding, research, advertising, marketing, consulting, creative and/or digital services for Client, during the Term, as provided in the attached (Attachment A) Statement of Work (“SOW”), incorporated herein by reference (such services are collectively referred to as “Services”). During the term of this agreement, Client may wish to assign additional projects, products, or services to Aquarius beyond the Services outlined in the SOW (“Out-of-Scope Assignments”). Aquarius agrees to accept such Out-of-Scope Assignments only upon a separate written agreement with Client regarding additional compensation to be paid to Aquarius and other relevant terms and conditions. Nothing in this Agreement will be deemed to require Aquarius to undertake any act or perform any services which in its good faith judgment would be misleading, false, libelous, unlawful, in breach of a contract, or otherwise prejudicial to Client’s or Aquarius’s interests. 2.Subcontractors. Client acknowledges that Aquarius may, in the rendition of the Services hereunder, engage third party suppliers and other vendors and subcontractors (“Subcontractors”) from time to time to provide certain services. Aquarius shall supervise such services and endeavor to guard against any loss to Client as the result of the failure of Subcontractors to properly execute their commitments, but Aquarius shall not be responsible for their failure, acts or omissions, except where such failure, acts or omissions are due to Aquarius’s negligence or willful misconduct. If Client enters into arrangements with third party vendors, subcontractors or suppliers regarding the provision of materials or services (“Preferred Suppliers”) and requests that Aquarius utilize such Preferred Suppliers in the discharge of Aquarius’s obligations hereunder, Client remains solely responsible for such Preferred Suppliers. 3.Client Approval of Materials. Aquarius shall submit to Client for its approval all elements of any materials to be produced or placed hereunder, including, but not limited to, all copy, layouts, slogans, websites artworks, graphic materials, and photography (collectively, “Materials”). Submission for prior approval of Materials will not be required to the extent that they are preliminary only. 4.Services to Client’s Designees. Should Client request Aquarius to make purchases for or render services to any parent, subsidiary, or affiliate of Client (“Client Affiliate”), Client and such Client Affiliate shall be jointly and severally liable to Aquarius even though Aquarius may render invoices to, or in the name of, such Client Affiliate." - text: "Highlight the parts (if any) of this contract related to 'Parties' that should be reviewed by a lawyer. Details: The two or more parties who signed the contract" context: "AGREEMENT FOR MARKETING AND BRAND DEVELOPMENT SERVICES \n This AGREEMENT FOR MARKETING AND BRAND DEVELOPMENT SERVICES (“Agreement”), effective as of December 28, 2014 (“Effective Date”), is by and between Aquarius Cannabis Inc, a Nevada C-Corporation, with offices located at 2214 Clarendon Street, Suite 230, Woodland Hills, CA 91367 (“Aquarius”), and Sysco Pancho LLC, a Washington limited liability company, with offices located at 6262 cambell rd peshastin wa 98847 (“Client”). 1.Marketing and Brand Development Services. Aquarius will perform services for Client in connection with the planning, provision, creation and/or placing of branding, research, advertising, marketing, consulting, creative and/or digital services for Client, during the Term, as provided in the attached (Attachment A) Statement of Work (“SOW”), incorporated herein by reference (such services are collectively referred to as “Services”). During the term of this agreement, Client may wish to assign additional projects, products, or services to Aquarius beyond the Services outlined in the SOW (“Out-of-Scope Assignments”). Aquarius agrees to accept such Out-of-Scope Assignments only upon a separate written agreement with Client regarding additional compensation to be paid to Aquarius and other relevant terms and conditions. Nothing in this Agreement will be deemed to require Aquarius to undertake any act or perform any services which in its good faith judgment would be misleading, false, libelous, unlawful, in breach of a contract, or otherwise prejudicial to Client’s or Aquarius’s interests. 2.Subcontractors. Client acknowledges that Aquarius may, in the rendition of the Services hereunder, engage third party suppliers and other vendors and subcontractors (“Subcontractors”) from time to time to provide certain services. Aquarius shall supervise such services and endeavor to guard against any loss to Client as the result of the failure of Subcontractors to properly execute their commitments, but Aquarius shall not be responsible for their failure, acts or omissions, except where such failure, acts or omissions are due to Aquarius’s negligence or willful misconduct. If Client enters into arrangements with third party vendors, subcontractors or suppliers regarding the provision of materials or services (“Preferred Suppliers”) and requests that Aquarius utilize such Preferred Suppliers in the discharge of Aquarius’s obligations hereunder, Client remains solely responsible for such Preferred Suppliers. 3.Client Approval of Materials. Aquarius shall submit to Client for its approval all elements of any materials to be produced or placed hereunder, including, but not limited to, all copy, layouts, slogans, websites artworks, graphic materials, and photography (collectively, “Materials”). Submission for prior approval of Materials will not be required to the extent that they are preliminary only. 4.Services to Client’s Designees. Should Client request Aquarius to make purchases for or render services to any parent, subsidiary, or affiliate of Client (“Client Affiliate”), Client and such Client Affiliate shall be jointly and severally liable to Aquarius even though Aquarius may render invoices to, or in the name of, such Client Affiliate." --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # electra-large This model is a fine-tuned version of [google/electra-large-discriminator](https://huggingface.co/google/electra-large-discriminator) on the cuad dataset for the question-answering task. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data Contract Understanding Atticus Dataset (CUAD) is an extractive question-answering dataset on legal contracts proposed by the Atticus Project, a non-profit organization of legal experts, designed with the help of many experts in the legal field. ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 8 - eval_batch_size: 32 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 6.0 ### Training results ### Framework versions - Transformers 4.27.4 - Pytorch 2.0.0+cu117 - Datasets 2.11.0 - Tokenizers 0.13.2
C57Box/bert-finetuned-squad
C57Box
2023-09-01T23:06:55Z
116
0
transformers
[ "transformers", "pytorch", "bert", "question-answering", "generated_from_trainer", "dataset:squad", "base_model:google-bert/bert-base-cased", "base_model:finetune:google-bert/bert-base-cased", "license:apache-2.0", "endpoints_compatible", "region:us" ]
question-answering
2023-09-01T20:52:03Z
--- license: apache-2.0 base_model: bert-base-cased tags: - generated_from_trainer datasets: - squad model-index: - name: bert-finetuned-squad results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-finetuned-squad This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
Whybother/version-3
Whybother
2023-09-01T22:58:56Z
47
0
diffusers
[ "diffusers", "text-to-image", "stable-diffusion", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-09-01T22:56:11Z
--- license: creativeml-openrail-m tags: - text-to-image - stable-diffusion --- ### Version_3 Dreambooth model trained by Whybother with [TheLastBen's fast-DreamBooth](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast-DreamBooth.ipynb) notebook Test the concept via A1111 Colab [fast-Colab-A1111](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast_stable_diffusion_AUTOMATIC1111.ipynb) Sample pictures of this concept:
U-sama/wav2vec2-base-demo-colab
U-sama
2023-09-01T22:49:04Z
105
0
transformers
[ "transformers", "pytorch", "wav2vec2", "automatic-speech-recognition", "generated_from_trainer", "base_model:facebook/wav2vec2-base", "base_model:finetune:facebook/wav2vec2-base", "license:apache-2.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2023-09-01T20:37:29Z
--- license: apache-2.0 base_model: facebook/wav2vec2-base tags: - generated_from_trainer model-index: - name: wav2vec2-base-demo-colab results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # wav2vec2-base-demo-colab This model is a fine-tuned version of [facebook/wav2vec2-base](https://huggingface.co/facebook/wav2vec2-base) on the None dataset. It achieves the following results on the evaluation set: - eval_loss: 0.4908 - eval_wer: 0.3950 - eval_runtime: 62.3995 - eval_samples_per_second: 26.923 - eval_steps_per_second: 3.365 - epoch: 12.0 - step: 1500 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 32 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - num_epochs: 30 ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
hmcgovern/gpt-j-6b_text_detection
hmcgovern
2023-09-01T22:46:19Z
0
0
null
[ "generated_from_trainer", "base_model:EleutherAI/gpt-j-6b", "base_model:finetune:EleutherAI/gpt-j-6b", "license:apache-2.0", "region:us" ]
null
2023-09-01T18:24:54Z
--- license: apache-2.0 base_model: EleutherAI/gpt-j-6b tags: - generated_from_trainer model-index: - name: gpt-j-6b_text_detection results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # gpt-j-6b_text_detection This model is a fine-tuned version of [EleutherAI/gpt-j-6b](https://huggingface.co/EleutherAI/gpt-j-6b) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.0529 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 1 - eval_batch_size: 4 - seed: 42 - distributed_type: multi-GPU - num_devices: 8 - gradient_accumulation_steps: 4 - total_train_batch_size: 32 - total_eval_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100 - num_epochs: 1 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 0.2716 | 1.0 | 384 | 0.0529 | ### Framework versions - Transformers 4.32.0.dev0 - Pytorch 2.0.1+cu117 - Datasets 2.14.4 - Tokenizers 0.13.3
ardt-multipart/ardt-multipart-robust_train_walker2d_level-0109_2144-33
ardt-multipart
2023-09-01T22:37:32Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T20:46:28Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_walker2d_level-0109_2144-33 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_walker2d_level-0109_2144-33 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
Whybother/private
Whybother
2023-09-01T22:23:34Z
1
1
diffusers
[ "diffusers", "safetensors", "text-to-image", "stable-diffusion", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-09-01T22:19:37Z
--- license: creativeml-openrail-m tags: - text-to-image - stable-diffusion --- ### Private() Dreambooth model trained by Whybother with [TheLastBen's fast-DreamBooth](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast-DreamBooth.ipynb) notebook Test the concept via A1111 Colab [fast-Colab-A1111](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast_stable_diffusion_AUTOMATIC1111.ipynb) Sample pictures of this concept:
marcdemory/SDXL-lora-MADeMory-v1-0-1
marcdemory
2023-09-01T22:18:40Z
2
1
diffusers
[ "diffusers", "tensorboard", "stable-diffusion-xl", "stable-diffusion-xl-diffusers", "text-to-image", "lora", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0", "license:openrail++", "region:us" ]
text-to-image
2023-09-01T14:25:12Z
--- license: openrail++ base_model: stabilityai/stable-diffusion-xl-base-1.0 instance_prompt: photo of a MADeMory person tags: - stable-diffusion-xl - stable-diffusion-xl-diffusers - text-to-image - diffusers - lora inference: true --- # LoRA DreamBooth - marcdemory/SDXL-lora-MADeMory-v1-0-1 These are LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0. The weights were trained on photo of a MADeMory person using [DreamBooth](https://dreambooth.github.io/). You can find some example images in the following. LoRA for the text encoder was enabled: False. Special VAE used for training: madebyollin/sdxl-vae-fp16-fix.
Yaxin1992/codellama-13b-multi-3500
Yaxin1992
2023-09-01T21:28:14Z
0
0
null
[ "generated_from_trainer", "base_model:codellama/CodeLlama-34b-hf", "base_model:finetune:codellama/CodeLlama-34b-hf", "license:llama2", "region:us" ]
null
2023-08-31T18:01:45Z
--- license: llama2 base_model: codellama/CodeLlama-34b-hf tags: - generated_from_trainer model-index: - name: codellama-13b-multi-3500 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # codellama-13b-multi-3500 This model is a fine-tuned version of [codellama/CodeLlama-34b-hf](https://huggingface.co/codellama/CodeLlama-34b-hf) on an unknown dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0002 - train_batch_size: 1 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - training_steps: 3000 ### Training results ### Framework versions - Transformers 4.33.0.dev0 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
ardt-multipart/ardt-multipart-robust_train_halfcheetah_level-0109_2000-33
ardt-multipart
2023-09-01T21:25:13Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T19:01:43Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_halfcheetah_level-0109_2000-33 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_halfcheetah_level-0109_2000-33 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
LazerJesus/EVA
LazerJesus
2023-09-01T21:24:21Z
4
2
peft
[ "peft", "region:us" ]
null
2023-08-14T19:32:29Z
--- library_name: peft --- # EVA - Emacs Virtual Assistant <img src="https://huggingface.co/LazerJesus/EVA/resolve/main/assets/EVA-350.jpg" align="right" /> EVA is the first AI designed to work alongside you, in Emacs. The goal is to have her take on more and more of the actual manipulation of Emacs and its buffer content, while the user provides instructions and feedback. This is to be achieved through a language model trained on Elisp. The project is under active development and has not yet launched. There is a finetuned Model, but it provides only limited functionality. If you haven't yet, read the [announcement Article](https://finnfrotscher.com/posts/eva-emacs-virtual-assistant/). My motivations for writing the article and this repository are (1) to start a conversation about the model and application and (2) to convince you to contribute your valuable competence to this project. <div style="clear: both;"></div> | [Article](https://finnfrotscher.com/posts/eva-emacs-virtual-assistant/) | [Huggingface](https://huggingface.co/lazerjesus/eva) | [Github](https://github.com/lazerjesus/eva) | [Discord](https://discord.gg/9Uxn45ADJs)
jack-back/test_falcon_model
jack-back
2023-09-01T20:59:58Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-01T20:59:56Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0
Syedian123/rachel
Syedian123
2023-09-01T20:48:52Z
2
2
diffusers
[ "diffusers", "safetensors", "text-to-image", "stable-diffusion", "license:creativeml-openrail-m", "autotrain_compatible", "endpoints_compatible", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-09-01T20:43:17Z
--- license: creativeml-openrail-m tags: - text-to-image - stable-diffusion --- ### Rachel Dreambooth model trained by Syedian123 with [TheLastBen's fast-DreamBooth](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast-DreamBooth.ipynb) notebook Test the concept via A1111 Colab [fast-Colab-A1111](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast_stable_diffusion_AUTOMATIC1111.ipynb) Sample pictures of this concept:
LarryAIDraw/Akeno
LarryAIDraw
2023-09-01T20:38:59Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2023-09-01T19:49:12Z
--- license: creativeml-openrail-m --- https://civitai.com/models/20093/akeno-himejima-lora-highschool-dxd
ardt-multipart/ardt-multipart-robust_train_hopper_level-0109_2041-66
ardt-multipart
2023-09-01T20:25:15Z
32
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T19:43:05Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_hopper_level-0109_2041-66 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_hopper_level-0109_2041-66 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
Ajani/lesson-summarization
Ajani
2023-09-01T20:14:28Z
3
0
transformers
[ "transformers", "pytorch", "tensorboard", "t5", "text2text-generation", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2023-05-23T17:25:55Z
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: lesson-summarization results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # lesson-summarization This model is a fine-tuned version of [t5-small](https://huggingface.co/t5-small) on the None dataset. It achieves the following results on the evaluation set: - Loss: 3.0801 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 1 - eval_batch_size: 1 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 200 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:------:|:-----:|:---------------:| | 2.8198 | 3.12 | 200 | 2.8048 | | 2.5358 | 6.25 | 400 | 2.6645 | | 2.333 | 9.38 | 600 | 2.6123 | | 2.2096 | 12.5 | 800 | 2.5807 | | 2.0783 | 15.62 | 1000 | 2.5703 | | 1.9919 | 18.75 | 1200 | 2.5653 | | 1.89 | 21.88 | 1400 | 2.5602 | | 1.7865 | 25.0 | 1600 | 2.5650 | | 1.7149 | 28.12 | 1800 | 2.5812 | | 1.6651 | 31.25 | 2000 | 2.5813 | | 1.5662 | 34.38 | 2200 | 2.5997 | | 1.5333 | 37.5 | 2400 | 2.6097 | | 1.4336 | 40.62 | 2600 | 2.6389 | | 1.3986 | 43.75 | 2800 | 2.6564 | | 1.352 | 46.88 | 3000 | 2.6720 | | 1.3072 | 50.0 | 3200 | 2.6863 | | 1.2773 | 53.12 | 3400 | 2.6931 | | 1.2079 | 56.25 | 3600 | 2.7350 | | 1.1768 | 59.38 | 3800 | 2.7521 | | 1.1749 | 62.5 | 4000 | 2.7553 | | 1.0857 | 65.62 | 4200 | 2.7921 | | 1.0883 | 68.75 | 4400 | 2.7840 | | 1.0307 | 71.88 | 4600 | 2.8110 | | 1.0255 | 75.0 | 4800 | 2.8365 | | 0.9992 | 78.12 | 5000 | 2.8358 | | 0.9516 | 81.25 | 5200 | 2.8554 | | 0.9363 | 84.38 | 5400 | 2.8742 | | 0.91 | 87.5 | 5600 | 2.8923 | | 0.895 | 90.62 | 5800 | 2.9057 | | 0.8371 | 93.75 | 6000 | 2.9234 | | 0.8588 | 96.88 | 6200 | 2.9443 | | 0.8237 | 100.0 | 6400 | 2.9612 | | 0.8147 | 103.12 | 6600 | 2.9633 | | 0.7936 | 106.25 | 6800 | 2.9641 | | 0.7883 | 109.38 | 7000 | 2.9711 | | 0.7589 | 112.5 | 7200 | 2.9744 | | 0.7277 | 115.62 | 7400 | 2.9879 | | 0.7505 | 118.75 | 7600 | 2.9974 | | 0.705 | 121.88 | 7800 | 3.0033 | | 0.7111 | 125.0 | 8000 | 3.0032 | | 0.7005 | 128.12 | 8200 | 3.0055 | | 0.6961 | 131.25 | 8400 | 3.0168 | | 0.6543 | 134.38 | 8600 | 3.0339 | | 0.6482 | 137.5 | 8800 | 3.0312 | | 0.6807 | 140.62 | 9000 | 3.0393 | | 0.6365 | 143.75 | 9200 | 3.0413 | | 0.648 | 146.88 | 9400 | 3.0461 | | 0.6275 | 150.0 | 9600 | 3.0454 | | 0.6284 | 153.12 | 9800 | 3.0552 | | 0.6062 | 156.25 | 10000 | 3.0514 | | 0.6312 | 159.38 | 10200 | 3.0487 | | 0.6244 | 162.5 | 10400 | 3.0525 | | 0.5792 | 165.62 | 10600 | 3.0547 | | 0.5997 | 168.75 | 10800 | 3.0491 | | 0.5972 | 171.88 | 11000 | 3.0542 | | 0.5891 | 175.0 | 11200 | 3.0624 | | 0.582 | 178.12 | 11400 | 3.0717 | | 0.5934 | 181.25 | 11600 | 3.0683 | | 0.5803 | 184.38 | 11800 | 3.0761 | | 0.5724 | 187.5 | 12000 | 3.0777 | | 0.6015 | 190.62 | 12200 | 3.0784 | | 0.5874 | 193.75 | 12400 | 3.0792 | | 0.5531 | 196.88 | 12600 | 3.0801 | | 0.5863 | 200.0 | 12800 | 3.0801 | ### Framework versions - Transformers 4.28.0 - Pytorch 1.13.1+cu116 - Datasets 2.12.0 - Tokenizers 0.13.3
LarryAIDraw/sinon
LarryAIDraw
2023-09-01T20:12:40Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2023-09-01T19:52:54Z
--- license: creativeml-openrail-m --- https://civitai.com/models/51757/sinon-sword-art-online
trieudemo11/llama_7b_attrb_cate_8m_1
trieudemo11
2023-09-01T20:12:01Z
5
0
peft
[ "peft", "region:us" ]
null
2023-09-01T20:11:47Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0 - PEFT 0.6.0.dev0
KatMarie/wav2vec2-large-xls-r-300m-euskera2.1-colab
KatMarie
2023-09-01T20:11:37Z
7
0
transformers
[ "transformers", "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "generated_from_trainer", "dataset:common_voice", "base_model:facebook/wav2vec2-xls-r-300m", "base_model:finetune:facebook/wav2vec2-xls-r-300m", "license:apache-2.0", "model-index", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2023-08-17T17:51:50Z
--- license: apache-2.0 base_model: facebook/wav2vec2-xls-r-300m tags: - generated_from_trainer datasets: - common_voice metrics: - wer model-index: - name: wav2vec2-large-xls-r-300m-euskera2.1-colab results: - task: name: Automatic Speech Recognition type: automatic-speech-recognition dataset: name: common_voice type: common_voice config: eu split: test args: eu metrics: - name: Wer type: wer value: 0.2787176738226604 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # wav2vec2-large-xls-r-300m-euskera2.1-colab This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on the common_voice dataset. It achieves the following results on the evaluation set: - Loss: 0.2291 - Wer: 0.2787 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0003 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 16 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 6 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 2.1152 | 1.49 | 700 | 0.3510 | 0.4973 | | 0.1969 | 2.98 | 1400 | 0.2552 | 0.3643 | | 0.1027 | 4.47 | 2100 | 0.2379 | 0.3108 | | 0.0648 | 5.96 | 2800 | 0.2291 | 0.2787 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
DavidHuggingFace1/Concept-Phrase
DavidHuggingFace1
2023-09-01T20:04:55Z
0
0
peft
[ "peft", "endpoints_compatible", "region:us" ]
null
2023-09-01T19:57:16Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.5.0 - PEFT 0.5.0
Kamer/DuplicatiDistillBertCitations
Kamer
2023-09-01T19:56:02Z
105
0
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "generated_from_trainer", "base_model:distilbert/distilbert-base-uncased", "base_model:finetune:distilbert/distilbert-base-uncased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2023-09-01T19:28:02Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer model-index: - name: DuplicatiDistillBertCitations results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # DuplicatiDistillBertCitations This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the None dataset. It achieves the following results on the evaluation set: - eval_loss: 0.5474 - eval_Accuracy: 0.8571 - eval_F1_macro: 0.8668 - eval_F1_class_0: 0.7476 - eval_F1_class_1: 0.8627 - eval_F1_class_2: 0.8975 - eval_F1_class_3: 0.9362 - eval_F1_class_4: 0.9415 - eval_F1_class_5: 0.9176 - eval_F1_class_6: 0.8864 - eval_F1_class_7: 0.9548 - eval_F1_class_8: 0.9196 - eval_F1_class_9: 0.9424 - eval_F1_class_10: 0.6921 - eval_F1_class_11: 0.3927 - eval_F1_class_12: 0.8407 - eval_F1_class_13: 0.9495 - eval_F1_class_14: 0.8884 - eval_F1_class_15: 0.8514 - eval_F1_class_16: 0.8750 - eval_F1_class_17: 0.9115 - eval_F1_class_18: 0.9647 - eval_F1_class_19: 0.9630 - eval_runtime: 30.4778 - eval_samples_per_second: 166.646 - eval_steps_per_second: 20.835 - epoch: 1.33 - step: 7681 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 ### Framework versions - Transformers 4.32.0 - Pytorch 2.0.1+cu117 - Datasets 2.14.4 - Tokenizers 0.13.3
KingKazma/xsum_t5-small_lora_500_2_300_8_e-1_s6789_v4_l4_r4_manual
KingKazma
2023-09-01T19:55:11Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-01T19:50:04Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
KingKazma/xsum_t5-small_lora_500_2_300_8_e2_s6789_v4_l4_r4
KingKazma
2023-09-01T19:55:08Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-01T19:50:00Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
KingKazma/xsum_t5-small_lora_500_2_300_8_e1_s6789_v4_l4_r4
KingKazma
2023-09-01T19:54:55Z
1
0
peft
[ "peft", "region:us" ]
null
2023-09-01T19:45:45Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
cmvgia/loratest
cmvgia
2023-09-01T19:54:09Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-01T19:54:07Z
--- library_name: peft --- ## Training procedure ### Framework versions - PEFT 0.6.0.dev0
LarryAIDraw/ScyllaOnlySchool
LarryAIDraw
2023-09-01T19:52:13Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2023-09-01T19:48:05Z
--- license: creativeml-openrail-m --- https://civitai.com/models/26602/scylla-azur-lane-school-uniform-and-2in1-and
KatMarie/wav2vec2-large-xls-r-300m-eu
KatMarie
2023-09-01T19:47:42Z
5
0
transformers
[ "transformers", "pytorch", "wav2vec2", "automatic-speech-recognition", "generated_from_trainer", "dataset:common_voice", "base_model:facebook/wav2vec2-xls-r-300m", "base_model:finetune:facebook/wav2vec2-xls-r-300m", "license:apache-2.0", "model-index", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2023-08-30T20:11:45Z
--- license: apache-2.0 base_model: facebook/wav2vec2-xls-r-300m tags: - generated_from_trainer datasets: - common_voice metrics: - wer model-index: - name: wav2vec2-large-xls-r-300m-eu results: - task: name: Automatic Speech Recognition type: automatic-speech-recognition dataset: name: common_voice type: common_voice config: eu split: test args: eu metrics: - name: Wer type: wer value: 0.4967706508380619 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # wav2vec2-large-xls-r-300m-eu This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on the common_voice dataset. It achieves the following results on the evaluation set: - Loss: 0.4355 - Wer: 0.4968 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.003 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 16 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 6 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 0.5405 | 0.85 | 400 | 0.8115 | 0.8949 | | 0.5355 | 1.7 | 800 | 0.6292 | 0.7331 | | 0.405 | 2.56 | 1200 | 0.5805 | 0.6699 | | 0.3261 | 3.41 | 1600 | 0.5308 | 0.6513 | | 0.2496 | 4.26 | 2000 | 0.4755 | 0.5850 | | 0.1878 | 5.11 | 2400 | 0.4926 | 0.5448 | | 0.1342 | 5.96 | 2800 | 0.4355 | 0.4968 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
ardt-multipart/ardt-multipart-robust_train_hopper_level-0109_2000-33
ardt-multipart
2023-09-01T19:41:40Z
31
0
transformers
[ "transformers", "pytorch", "decision_transformer", "generated_from_trainer", "endpoints_compatible", "region:us" ]
null
2023-09-01T19:01:16Z
--- tags: - generated_from_trainer model-index: - name: ardt-multipart-robust_train_hopper_level-0109_2000-33 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # ardt-multipart-robust_train_hopper_level-0109_2000-33 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 64 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 10000 ### Training results ### Framework versions - Transformers 4.29.2 - Pytorch 2.1.0.dev20230727+cu118 - Datasets 2.12.0 - Tokenizers 0.13.3
santyzenith/amazon_es_reviews
santyzenith
2023-09-01T19:19:25Z
105
0
transformers
[ "transformers", "pytorch", "roberta", "text-classification", "generated_from_trainer", "dataset:amazon_reviews_multi", "base_model:BSC-LT/roberta-base-bne", "base_model:finetune:BSC-LT/roberta-base-bne", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2023-09-01T18:52:13Z
--- license: apache-2.0 base_model: BSC-TeMU/roberta-base-bne tags: - generated_from_trainer datasets: - amazon_reviews_multi metrics: - accuracy model-index: - name: amazon_es_reviews results: - task: name: Text Classification type: text-classification dataset: name: amazon_reviews_multi type: amazon_reviews_multi config: es split: validation args: es metrics: - name: Accuracy type: accuracy value: 0.9295 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # amazon_es_reviews This model is a fine-tuned version of [BSC-TeMU/roberta-base-bne](https://huggingface.co/BSC-TeMU/roberta-base-bne) on the amazon_reviews_multi dataset. It achieves the following results on the evaluation set: - Loss: 0.2246 - Accuracy: 0.9295 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.1939 | 1.0 | 938 | 0.2086 | 0.93 | | 0.0999 | 2.0 | 1876 | 0.2246 | 0.9295 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
ldos/text_shortening_model_v6
ldos
2023-09-01T19:08:56Z
30
0
transformers
[ "transformers", "pytorch", "t5", "text2text-generation", "generated_from_trainer", "base_model:google-t5/t5-small", "base_model:finetune:google-t5/t5-small", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2023-09-01T16:01:47Z
--- license: apache-2.0 base_model: t5-small tags: - generated_from_trainer metrics: - rouge model-index: - name: text_shortening_model_v6 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # text_shortening_model_v6 This model is a fine-tuned version of [t5-small](https://huggingface.co/t5-small) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.5555 - Rouge1: 0.5993 - Rouge2: 0.3696 - Rougel: 0.551 - Rougelsum: 0.5503 - Bert precision: 0.8968 - Bert recall: 0.9029 - Average word count: 11.2357 - Max word count: 17 - Min word count: 7 - Average token count: 16.4143 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0003 - train_batch_size: 128 - eval_batch_size: 128 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 50 ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Bert precision | Bert recall | Average word count | Max word count | Min word count | Average token count | |:-------------:|:-----:|:----:|:---------------:|:------:|:------:|:------:|:---------:|:--------------:|:-----------:|:------------------:|:--------------:|:--------------:|:-------------------:| | 1.2879 | 1.0 | 4 | 1.7189 | 0.5385 | 0.3175 | 0.4882 | 0.4875 | 0.8762 | 0.886 | 11.8071 | 18 | 5 | 17.1429 | | 1.1303 | 2.0 | 8 | 1.6107 | 0.5599 | 0.337 | 0.5115 | 0.5117 | 0.8853 | 0.8916 | 11.2071 | 18 | 4 | 16.3071 | | 1.0984 | 3.0 | 12 | 1.5545 | 0.5828 | 0.354 | 0.5254 | 0.5252 | 0.8885 | 0.8985 | 11.5286 | 17 | 4 | 16.5714 | | 1.052 | 4.0 | 16 | 1.4943 | 0.5841 | 0.3631 | 0.5384 | 0.5372 | 0.8917 | 0.9004 | 11.3857 | 17 | 5 | 16.6143 | | 0.9922 | 5.0 | 20 | 1.4517 | 0.5869 | 0.3671 | 0.5437 | 0.5432 | 0.8912 | 0.9011 | 11.5429 | 17 | 5 | 16.7929 | | 0.9524 | 6.0 | 24 | 1.4308 | 0.5807 | 0.3571 | 0.5332 | 0.5333 | 0.8883 | 0.8994 | 11.6857 | 17 | 5 | 17.0357 | | 0.9008 | 7.0 | 28 | 1.4152 | 0.5859 | 0.3585 | 0.5333 | 0.5319 | 0.8885 | 0.8974 | 11.4857 | 17 | 5 | 16.7786 | | 0.8787 | 8.0 | 32 | 1.4089 | 0.5868 | 0.3592 | 0.5366 | 0.5363 | 0.8901 | 0.8991 | 11.4071 | 17 | 5 | 16.8071 | | 0.857 | 9.0 | 36 | 1.4031 | 0.5974 | 0.3747 | 0.5496 | 0.5494 | 0.892 | 0.9015 | 11.5214 | 17 | 5 | 16.95 | | 0.8122 | 10.0 | 40 | 1.3961 | 0.5965 | 0.3716 | 0.5487 | 0.5484 | 0.8917 | 0.9031 | 11.7071 | 17 | 6 | 17.1214 | | 0.7943 | 11.0 | 44 | 1.3922 | 0.6068 | 0.3774 | 0.5572 | 0.5566 | 0.8947 | 0.9058 | 11.5929 | 17 | 6 | 16.9857 | | 0.7632 | 12.0 | 48 | 1.3949 | 0.6011 | 0.371 | 0.55 | 0.549 | 0.8944 | 0.9039 | 11.4214 | 16 | 5 | 16.9 | | 0.7464 | 13.0 | 52 | 1.3949 | 0.6007 | 0.3757 | 0.5506 | 0.5492 | 0.8938 | 0.9046 | 11.4357 | 16 | 5 | 16.8714 | | 0.7235 | 14.0 | 56 | 1.3957 | 0.6113 | 0.3814 | 0.5609 | 0.5601 | 0.8965 | 0.9078 | 11.5429 | 16 | 6 | 16.8714 | | 0.7293 | 15.0 | 60 | 1.3988 | 0.6102 | 0.3809 | 0.5615 | 0.56 | 0.8948 | 0.9079 | 11.7 | 16 | 6 | 17.15 | | 0.7188 | 16.0 | 64 | 1.3954 | 0.6094 | 0.381 | 0.5603 | 0.5588 | 0.8965 | 0.9062 | 11.35 | 16 | 6 | 16.8071 | | 0.7028 | 17.0 | 68 | 1.3969 | 0.6068 | 0.3846 | 0.5581 | 0.5568 | 0.896 | 0.9052 | 11.2571 | 16 | 6 | 16.65 | | 0.6792 | 18.0 | 72 | 1.4056 | 0.6007 | 0.3777 | 0.5519 | 0.5508 | 0.895 | 0.9048 | 11.3214 | 16 | 6 | 16.6214 | | 0.671 | 19.0 | 76 | 1.4142 | 0.6043 | 0.3779 | 0.5549 | 0.5541 | 0.8954 | 0.9046 | 11.2429 | 15 | 6 | 16.5429 | | 0.6644 | 20.0 | 80 | 1.4202 | 0.6009 | 0.3767 | 0.5502 | 0.5496 | 0.8955 | 0.9028 | 11.1643 | 16 | 6 | 16.3643 | | 0.6526 | 21.0 | 84 | 1.4256 | 0.6023 | 0.374 | 0.5485 | 0.5485 | 0.8958 | 0.9032 | 11.1857 | 17 | 6 | 16.35 | | 0.6311 | 22.0 | 88 | 1.4356 | 0.6059 | 0.3768 | 0.5492 | 0.5488 | 0.8932 | 0.9042 | 11.5 | 17 | 6 | 16.7214 | | 0.6448 | 23.0 | 92 | 1.4432 | 0.6071 | 0.3768 | 0.5519 | 0.5518 | 0.8935 | 0.9044 | 11.5357 | 17 | 6 | 16.7643 | | 0.6344 | 24.0 | 96 | 1.4457 | 0.6088 | 0.3823 | 0.5583 | 0.5576 | 0.8985 | 0.9052 | 11.1214 | 16 | 6 | 16.3071 | | 0.6299 | 25.0 | 100 | 1.4522 | 0.6049 | 0.3709 | 0.5488 | 0.5484 | 0.8976 | 0.9017 | 10.9 | 16 | 6 | 15.9643 | | 0.6193 | 26.0 | 104 | 1.4616 | 0.6045 | 0.3701 | 0.5499 | 0.5495 | 0.8959 | 0.9032 | 11.1714 | 16 | 6 | 16.35 | | 0.6247 | 27.0 | 108 | 1.4704 | 0.5993 | 0.3719 | 0.5515 | 0.5503 | 0.8949 | 0.9041 | 11.3429 | 17 | 7 | 16.6286 | | 0.6062 | 28.0 | 112 | 1.4760 | 0.6017 | 0.3702 | 0.5537 | 0.5526 | 0.8949 | 0.903 | 11.2929 | 17 | 6 | 16.5143 | | 0.5921 | 29.0 | 116 | 1.4816 | 0.5994 | 0.3734 | 0.5528 | 0.552 | 0.8959 | 0.9025 | 11.1429 | 17 | 6 | 16.3429 | | 0.5859 | 30.0 | 120 | 1.4887 | 0.6027 | 0.3724 | 0.5523 | 0.5518 | 0.8956 | 0.9034 | 11.3357 | 17 | 7 | 16.5143 | | 0.5911 | 31.0 | 124 | 1.4958 | 0.6065 | 0.3757 | 0.5523 | 0.5519 | 0.8971 | 0.9033 | 11.1857 | 17 | 6 | 16.3643 | | 0.5936 | 32.0 | 128 | 1.5029 | 0.6008 | 0.3745 | 0.5508 | 0.5508 | 0.8973 | 0.9015 | 10.9714 | 16 | 6 | 16.1 | | 0.584 | 33.0 | 132 | 1.5101 | 0.6087 | 0.3801 | 0.5582 | 0.5583 | 0.8969 | 0.9038 | 11.2214 | 16 | 6 | 16.4071 | | 0.5741 | 34.0 | 136 | 1.5157 | 0.6054 | 0.3814 | 0.5575 | 0.5576 | 0.8961 | 0.9042 | 11.2643 | 16 | 7 | 16.4786 | | 0.5793 | 35.0 | 140 | 1.5202 | 0.6079 | 0.3866 | 0.5621 | 0.5622 | 0.8968 | 0.9057 | 11.3214 | 16 | 7 | 16.5714 | | 0.5803 | 36.0 | 144 | 1.5221 | 0.6081 | 0.3824 | 0.5601 | 0.5602 | 0.8966 | 0.9053 | 11.3357 | 16 | 7 | 16.6214 | | 0.5719 | 37.0 | 148 | 1.5235 | 0.6025 | 0.3802 | 0.555 | 0.5542 | 0.898 | 0.9035 | 11.1357 | 16 | 7 | 16.3214 | | 0.5567 | 38.0 | 152 | 1.5238 | 0.5987 | 0.3763 | 0.5524 | 0.5517 | 0.8974 | 0.9024 | 11.0357 | 16 | 7 | 16.2143 | | 0.5535 | 39.0 | 156 | 1.5264 | 0.6023 | 0.3746 | 0.5547 | 0.5539 | 0.8977 | 0.9035 | 11.1357 | 16 | 7 | 16.3 | | 0.5507 | 40.0 | 160 | 1.5315 | 0.6039 | 0.3757 | 0.5565 | 0.5559 | 0.8979 | 0.9045 | 11.2071 | 16 | 7 | 16.4143 | | 0.5568 | 41.0 | 164 | 1.5389 | 0.6078 | 0.3819 | 0.5589 | 0.5579 | 0.8973 | 0.9045 | 11.4 | 17 | 7 | 16.5571 | | 0.5659 | 42.0 | 168 | 1.5444 | 0.6037 | 0.3788 | 0.5567 | 0.5558 | 0.8959 | 0.9036 | 11.4286 | 17 | 7 | 16.5714 | | 0.561 | 43.0 | 172 | 1.5475 | 0.5965 | 0.372 | 0.5494 | 0.548 | 0.8958 | 0.9024 | 11.3357 | 17 | 7 | 16.4929 | | 0.5535 | 44.0 | 176 | 1.5493 | 0.597 | 0.3703 | 0.5495 | 0.5485 | 0.8967 | 0.9025 | 11.2214 | 17 | 7 | 16.3786 | | 0.5542 | 45.0 | 180 | 1.5507 | 0.6001 | 0.3706 | 0.5529 | 0.5526 | 0.897 | 0.9034 | 11.2429 | 17 | 7 | 16.4214 | | 0.542 | 46.0 | 184 | 1.5527 | 0.6001 | 0.3706 | 0.5529 | 0.5526 | 0.897 | 0.9034 | 11.2429 | 17 | 7 | 16.4214 | | 0.5466 | 47.0 | 188 | 1.5539 | 0.6003 | 0.3702 | 0.5529 | 0.5526 | 0.8968 | 0.9033 | 11.2571 | 17 | 7 | 16.4357 | | 0.5478 | 48.0 | 192 | 1.5550 | 0.5997 | 0.3699 | 0.5515 | 0.5508 | 0.8969 | 0.9029 | 11.2143 | 17 | 7 | 16.3857 | | 0.5429 | 49.0 | 196 | 1.5552 | 0.5993 | 0.3696 | 0.551 | 0.5503 | 0.8968 | 0.9029 | 11.2357 | 17 | 7 | 16.4143 | | 0.5443 | 50.0 | 200 | 1.5555 | 0.5993 | 0.3696 | 0.551 | 0.5503 | 0.8968 | 0.9029 | 11.2357 | 17 | 7 | 16.4143 | ### Framework versions - Transformers 4.32.1 - Pytorch 2.0.1+cu118 - Datasets 2.14.4 - Tokenizers 0.13.3
AntonioForte/llama2-qlora-finetunined-french
AntonioForte
2023-09-01T18:53:32Z
0
0
peft
[ "peft", "region:us" ]
null
2023-09-01T18:53:15Z
--- library_name: peft --- ## Training procedure The following `bitsandbytes` quantization config was used during training: - quant_method: bitsandbytes - load_in_8bit: False - load_in_4bit: True - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: nf4 - bnb_4bit_use_double_quant: False - bnb_4bit_compute_dtype: float16 ### Framework versions - PEFT 0.6.0.dev0
swl-models/Yorunohitsuji-v1.0
swl-models
2023-09-01T18:31:22Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2023-09-01T16:18:24Z
--- license: creativeml-openrail-m ---
facebook/mms-tts-tzo-dialect_chamula
facebook
2023-09-01T18:25:20Z
107
0
transformers
[ "transformers", "pytorch", "safetensors", "vits", "text-to-audio", "mms", "text-to-speech", "arxiv:2305.13516", "license:cc-by-nc-4.0", "endpoints_compatible", "region:us" ]
text-to-speech
2023-09-01T18:25:04Z
--- license: cc-by-nc-4.0 tags: - mms - vits pipeline_tag: text-to-speech --- # Massively Multilingual Speech (MMS): Tzotzil Text-to-Speech This repository contains the **Tzotzil (tzo-dialect_chamula)** language text-to-speech (TTS) model checkpoint. This model is part of Facebook's [Massively Multilingual Speech](https://arxiv.org/abs/2305.13516) project, aiming to provide speech technology across a diverse range of languages. You can find more details about the supported languages and their ISO 639-3 codes in the [MMS Language Coverage Overview](https://dl.fbaipublicfiles.com/mms/misc/language_coverage_mms.html), and see all MMS-TTS checkpoints on the Hugging Face Hub: [facebook/mms-tts](https://huggingface.co/models?sort=trending&search=facebook%2Fmms-tts). MMS-TTS is available in the 🤗 Transformers library from version 4.33 onwards. ## Model Details VITS (**V**ariational **I**nference with adversarial learning for end-to-end **T**ext-to-**S**peech) is an end-to-end speech synthesis model that predicts a speech waveform conditional on an input text sequence. It is a conditional variational autoencoder (VAE) comprised of a posterior encoder, decoder, and conditional prior. A set of spectrogram-based acoustic features are predicted by the flow-based module, which is formed of a Transformer-based text encoder and multiple coupling layers. The spectrogram is decoded using a stack of transposed convolutional layers, much in the same style as the HiFi-GAN vocoder. Motivated by the one-to-many nature of the TTS problem, where the same text input can be spoken in multiple ways, the model also includes a stochastic duration predictor, which allows the model to synthesise speech with different rhythms from the same input text. The model is trained end-to-end with a combination of losses derived from variational lower bound and adversarial training. To improve the expressiveness of the model, normalizing flows are applied to the conditional prior distribution. During inference, the text encodings are up-sampled based on the duration prediction module, and then mapped into the waveform using a cascade of the flow module and HiFi-GAN decoder. Due to the stochastic nature of the duration predictor, the model is non-deterministic, and thus requires a fixed seed to generate the same speech waveform. For the MMS project, a separate VITS checkpoint is trained on each langauge. ## Usage MMS-TTS is available in the 🤗 Transformers library from version 4.33 onwards. To use this checkpoint, first install the latest version of the library: ``` pip install --upgrade transformers accelerate ``` Then, run inference with the following code-snippet: ```python from transformers import VitsModel, AutoTokenizer import torch model = VitsModel.from_pretrained("facebook/mms-tts-tzo-dialect_chamula") tokenizer = AutoTokenizer.from_pretrained("facebook/mms-tts-tzo-dialect_chamula") text = "some example text in the Tzotzil language" inputs = tokenizer(text, return_tensors="pt") with torch.no_grad(): output = model(**inputs).waveform ``` The resulting waveform can be saved as a `.wav` file: ```python import scipy scipy.io.wavfile.write("techno.wav", rate=model.config.sampling_rate, data=output) ``` Or displayed in a Jupyter Notebook / Google Colab: ```python from IPython.display import Audio Audio(output, rate=model.config.sampling_rate) ``` ## BibTex citation This model was developed by Vineel Pratap et al. from Meta AI. If you use the model, consider citing the MMS paper: ``` @article{pratap2023mms, title={Scaling Speech Technology to 1,000+ Languages}, author={Vineel Pratap and Andros Tjandra and Bowen Shi and Paden Tomasello and Arun Babu and Sayani Kundu and Ali Elkahky and Zhaoheng Ni and Apoorv Vyas and Maryam Fazel-Zarandi and Alexei Baevski and Yossi Adi and Xiaohui Zhang and Wei-Ning Hsu and Alexis Conneau and Michael Auli}, journal={arXiv}, year={2023} } ``` ## License The model is licensed as **CC-BY-NC 4.0**.
facebook/mms-tts-mah
facebook
2023-09-01T18:23:33Z
118
0
transformers
[ "transformers", "pytorch", "safetensors", "vits", "text-to-audio", "mms", "text-to-speech", "arxiv:2305.13516", "license:cc-by-nc-4.0", "endpoints_compatible", "region:us" ]
text-to-speech
2023-09-01T18:23:17Z
--- license: cc-by-nc-4.0 tags: - mms - vits pipeline_tag: text-to-speech --- # Massively Multilingual Speech (MMS): Marshallese Text-to-Speech This repository contains the **Marshallese (mah)** language text-to-speech (TTS) model checkpoint. This model is part of Facebook's [Massively Multilingual Speech](https://arxiv.org/abs/2305.13516) project, aiming to provide speech technology across a diverse range of languages. You can find more details about the supported languages and their ISO 639-3 codes in the [MMS Language Coverage Overview](https://dl.fbaipublicfiles.com/mms/misc/language_coverage_mms.html), and see all MMS-TTS checkpoints on the Hugging Face Hub: [facebook/mms-tts](https://huggingface.co/models?sort=trending&search=facebook%2Fmms-tts). MMS-TTS is available in the 🤗 Transformers library from version 4.33 onwards. ## Model Details VITS (**V**ariational **I**nference with adversarial learning for end-to-end **T**ext-to-**S**peech) is an end-to-end speech synthesis model that predicts a speech waveform conditional on an input text sequence. It is a conditional variational autoencoder (VAE) comprised of a posterior encoder, decoder, and conditional prior. A set of spectrogram-based acoustic features are predicted by the flow-based module, which is formed of a Transformer-based text encoder and multiple coupling layers. The spectrogram is decoded using a stack of transposed convolutional layers, much in the same style as the HiFi-GAN vocoder. Motivated by the one-to-many nature of the TTS problem, where the same text input can be spoken in multiple ways, the model also includes a stochastic duration predictor, which allows the model to synthesise speech with different rhythms from the same input text. The model is trained end-to-end with a combination of losses derived from variational lower bound and adversarial training. To improve the expressiveness of the model, normalizing flows are applied to the conditional prior distribution. During inference, the text encodings are up-sampled based on the duration prediction module, and then mapped into the waveform using a cascade of the flow module and HiFi-GAN decoder. Due to the stochastic nature of the duration predictor, the model is non-deterministic, and thus requires a fixed seed to generate the same speech waveform. For the MMS project, a separate VITS checkpoint is trained on each langauge. ## Usage MMS-TTS is available in the 🤗 Transformers library from version 4.33 onwards. To use this checkpoint, first install the latest version of the library: ``` pip install --upgrade transformers accelerate ``` Then, run inference with the following code-snippet: ```python from transformers import VitsModel, AutoTokenizer import torch model = VitsModel.from_pretrained("facebook/mms-tts-mah") tokenizer = AutoTokenizer.from_pretrained("facebook/mms-tts-mah") text = "some example text in the Marshallese language" inputs = tokenizer(text, return_tensors="pt") with torch.no_grad(): output = model(**inputs).waveform ``` The resulting waveform can be saved as a `.wav` file: ```python import scipy scipy.io.wavfile.write("techno.wav", rate=model.config.sampling_rate, data=output) ``` Or displayed in a Jupyter Notebook / Google Colab: ```python from IPython.display import Audio Audio(output, rate=model.config.sampling_rate) ``` ## BibTex citation This model was developed by Vineel Pratap et al. from Meta AI. If you use the model, consider citing the MMS paper: ``` @article{pratap2023mms, title={Scaling Speech Technology to 1,000+ Languages}, author={Vineel Pratap and Andros Tjandra and Bowen Shi and Paden Tomasello and Arun Babu and Sayani Kundu and Ali Elkahky and Zhaoheng Ni and Apoorv Vyas and Maryam Fazel-Zarandi and Alexei Baevski and Yossi Adi and Xiaohui Zhang and Wei-Ning Hsu and Alexis Conneau and Michael Auli}, journal={arXiv}, year={2023} } ``` ## License The model is licensed as **CC-BY-NC 4.0**.
facebook/mms-tts-mad
facebook
2023-09-01T18:22:19Z
107
0
transformers
[ "transformers", "pytorch", "safetensors", "vits", "text-to-audio", "mms", "text-to-speech", "arxiv:2305.13516", "license:cc-by-nc-4.0", "endpoints_compatible", "region:us" ]
text-to-speech
2023-09-01T18:22:03Z
--- license: cc-by-nc-4.0 tags: - mms - vits pipeline_tag: text-to-speech --- # Massively Multilingual Speech (MMS): Madura Text-to-Speech This repository contains the **Madura (mad)** language text-to-speech (TTS) model checkpoint. This model is part of Facebook's [Massively Multilingual Speech](https://arxiv.org/abs/2305.13516) project, aiming to provide speech technology across a diverse range of languages. You can find more details about the supported languages and their ISO 639-3 codes in the [MMS Language Coverage Overview](https://dl.fbaipublicfiles.com/mms/misc/language_coverage_mms.html), and see all MMS-TTS checkpoints on the Hugging Face Hub: [facebook/mms-tts](https://huggingface.co/models?sort=trending&search=facebook%2Fmms-tts). MMS-TTS is available in the 🤗 Transformers library from version 4.33 onwards. ## Model Details VITS (**V**ariational **I**nference with adversarial learning for end-to-end **T**ext-to-**S**peech) is an end-to-end speech synthesis model that predicts a speech waveform conditional on an input text sequence. It is a conditional variational autoencoder (VAE) comprised of a posterior encoder, decoder, and conditional prior. A set of spectrogram-based acoustic features are predicted by the flow-based module, which is formed of a Transformer-based text encoder and multiple coupling layers. The spectrogram is decoded using a stack of transposed convolutional layers, much in the same style as the HiFi-GAN vocoder. Motivated by the one-to-many nature of the TTS problem, where the same text input can be spoken in multiple ways, the model also includes a stochastic duration predictor, which allows the model to synthesise speech with different rhythms from the same input text. The model is trained end-to-end with a combination of losses derived from variational lower bound and adversarial training. To improve the expressiveness of the model, normalizing flows are applied to the conditional prior distribution. During inference, the text encodings are up-sampled based on the duration prediction module, and then mapped into the waveform using a cascade of the flow module and HiFi-GAN decoder. Due to the stochastic nature of the duration predictor, the model is non-deterministic, and thus requires a fixed seed to generate the same speech waveform. For the MMS project, a separate VITS checkpoint is trained on each langauge. ## Usage MMS-TTS is available in the 🤗 Transformers library from version 4.33 onwards. To use this checkpoint, first install the latest version of the library: ``` pip install --upgrade transformers accelerate ``` Then, run inference with the following code-snippet: ```python from transformers import VitsModel, AutoTokenizer import torch model = VitsModel.from_pretrained("facebook/mms-tts-mad") tokenizer = AutoTokenizer.from_pretrained("facebook/mms-tts-mad") text = "some example text in the Madura language" inputs = tokenizer(text, return_tensors="pt") with torch.no_grad(): output = model(**inputs).waveform ``` The resulting waveform can be saved as a `.wav` file: ```python import scipy scipy.io.wavfile.write("techno.wav", rate=model.config.sampling_rate, data=output) ``` Or displayed in a Jupyter Notebook / Google Colab: ```python from IPython.display import Audio Audio(output, rate=model.config.sampling_rate) ``` ## BibTex citation This model was developed by Vineel Pratap et al. from Meta AI. If you use the model, consider citing the MMS paper: ``` @article{pratap2023mms, title={Scaling Speech Technology to 1,000+ Languages}, author={Vineel Pratap and Andros Tjandra and Bowen Shi and Paden Tomasello and Arun Babu and Sayani Kundu and Ali Elkahky and Zhaoheng Ni and Apoorv Vyas and Maryam Fazel-Zarandi and Alexei Baevski and Yossi Adi and Xiaohui Zhang and Wei-Ning Hsu and Alexis Conneau and Michael Auli}, journal={arXiv}, year={2023} } ``` ## License The model is licensed as **CC-BY-NC 4.0**.