modelId
stringlengths 5
139
| author
stringlengths 2
42
| last_modified
timestamp[us, tz=UTC]date 2020-02-15 11:33:14
2025-09-12 00:41:42
| downloads
int64 0
223M
| likes
int64 0
11.7k
| library_name
stringclasses 555
values | tags
listlengths 1
4.05k
| pipeline_tag
stringclasses 55
values | createdAt
timestamp[us, tz=UTC]date 2022-03-02 23:29:04
2025-09-12 00:40:24
| card
stringlengths 11
1.01M
|
---|---|---|---|---|---|---|---|---|---|
Bastian1111/q-Taxi-v3
|
Bastian1111
| 2023-08-05T03:47:48Z | 0 | 0 | null |
[
"Taxi-v3",
"q-learning",
"reinforcement-learning",
"custom-implementation",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-05T03:47:46Z |
---
tags:
- Taxi-v3
- q-learning
- reinforcement-learning
- custom-implementation
model-index:
- name: q-Taxi-v3
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: Taxi-v3
type: Taxi-v3
metrics:
- type: mean_reward
value: 7.56 +/- 2.71
name: mean_reward
verified: false
---
# **Q-Learning** Agent playing1 **Taxi-v3**
This is a trained model of a **Q-Learning** agent playing **Taxi-v3** .
## Usage
```python
model = load_from_hub(repo_id="Bastian1111/q-Taxi-v3", filename="q-learning.pkl")
# Don't forget to check if you need to add additional attributes (is_slippery=False etc)
env = gym.make(model["env_id"])
```
|
Doctor-Shotgun/Chronohermes-Grad-L2-13b
|
Doctor-Shotgun
| 2023-08-05T03:45:17Z | 9 | 3 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"llama-2",
"en",
"license:other",
"autotrain_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-04T05:46:00Z |
---
inference: false
language:
- en
library_name: transformers
pipeline_tag: text-generation
tags:
- llama
- llama-2
license: other
---
# Model Card: Chronohermes-Grad-L2-13b
This is a Llama 2-based model consisting of a gradient merge between:
- [Chronos 13b v2](https://huggingface.co/elinas/chronos-13b-v2)
- [Nous Hermes Llama2 13b](https://huggingface.co/NousResearch/Nous-Hermes-Llama2-13b)
Quantized Models Provided by TheBloke (Thanks!):
- [GGML](https://huggingface.co/TheBloke/Chronohermes-Grad-L2-13B-GGML)
- [GPTQ](https://huggingface.co/TheBloke/Chronohermes-Grad-L2-13B-GPTQ)
The merge was performed using [BlockMerge_Gradient](https://github.com/Gryphe/BlockMerge_Gradient) by Gryphe
The intended objective was to combine NH2's superior instruction following capabilities with the creativity and response length of Chronos v2. Merge ratios used are identical to those used in [Chronoboros Grad](https://huggingface.co/kingbri/chronoboros-grad-l2-13B), with NH2 starting with a weight of 0.9 at the 1st layer and phasing out by the 25th layer. The method is illustrated in the image below, with green representing NH2 and blue representing Chronos v2:

## Usage:
Intended to be prompted with the Alpaca instruction format of the base models:
```
### Instruction:
<prompt>
### Response:
<leave a newline blank for model to respond>
```
## Bias, Risks, and Limitations
The model will show biases similar to those exhibited by the base models. It is not intended for supplying factual information or advice in any form.
## Training Details
This model is a merge. Please refer to the link repositories of the base models for details.
|
EllieKini/Ai
|
EllieKini
| 2023-08-05T03:35:34Z | 0 | 0 |
fairseq
|
[
"fairseq",
"rvc",
"sail-rvc",
"audio-to-audio",
"en",
"ja",
"ko",
"dataset:Open-Orca/OpenOrca",
"doi:10.57967/hf/0961",
"license:openrail",
"region:us"
] |
audio-to-audio
| 2023-08-04T22:36:59Z |
---
pipeline_tag: audio-to-audio
tags:
- rvc
- sail-rvc
library_name: fairseq
license: openrail
datasets:
- Open-Orca/OpenOrca
language:
- en
- ja
- ko
metrics:
- character
---
# AiHoshinoTTS
## RVC Model

This model repo was automatically generated.
Date: 2023-07-14 07:17:48
Bot Name: juuxnscrap
Model Type: RVC
Source: https://huggingface.co/juuxn/RVCModels/
Reason: Converting into loadable format for https://github.com/chavinlo/rvc-runpod
|
Bastian1111/q-FrozenLake-v1-4x4-noSlippery
|
Bastian1111
| 2023-08-05T03:26:56Z | 0 | 0 | null |
[
"FrozenLake-v1-4x4-no_slippery",
"q-learning",
"reinforcement-learning",
"custom-implementation",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-05T03:26:53Z |
---
tags:
- FrozenLake-v1-4x4-no_slippery
- q-learning
- reinforcement-learning
- custom-implementation
model-index:
- name: q-FrozenLake-v1-4x4-noSlippery
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: FrozenLake-v1-4x4-no_slippery
type: FrozenLake-v1-4x4-no_slippery
metrics:
- type: mean_reward
value: 1.00 +/- 0.00
name: mean_reward
verified: false
---
# **Q-Learning** Agent playing1 **FrozenLake-v1**
This is a trained model of a **Q-Learning** agent playing **FrozenLake-v1** .
## Usage
```python
model = load_from_hub(repo_id="Bastian1111/q-FrozenLake-v1-4x4-noSlippery", filename="q-learning.pkl")
# Don't forget to check if you need to add additional attributes (is_slippery=False etc)
env = gym.make(model["env_id"])
```
|
Ellbendls/a2c-PandaReachDense-v2
|
Ellbendls
| 2023-08-05T03:20:12Z | 1 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"PandaReachDense-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-07-08T04:14:19Z |
---
library_name: stable-baselines3
tags:
- PandaReachDense-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: A2C
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: PandaReachDense-v2
type: PandaReachDense-v2
metrics:
- type: mean_reward
value: -0.43 +/- 0.21
name: mean_reward
verified: false
---
# **A2C** Agent playing **PandaReachDense-v2**
This is a trained model of a **A2C** agent playing **PandaReachDense-v2**
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
...
```
|
YanJiangJerry/covid-twitter-bert-v2_epoch3_batch4_lr2e-05_w0.01
|
YanJiangJerry
| 2023-08-05T03:13:05Z | 111 | 0 |
transformers
|
[
"transformers",
"pytorch",
"bert",
"text-classification",
"generated_from_trainer",
"base_model:digitalepidemiologylab/covid-twitter-bert-v2",
"base_model:finetune:digitalepidemiologylab/covid-twitter-bert-v2",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2023-08-05T02:35:50Z |
---
license: mit
base_model: digitalepidemiologylab/covid-twitter-bert-v2
tags:
- generated_from_trainer
metrics:
- accuracy
- f1
- precision
- recall
model-index:
- name: covid-twitter-bert-v2_epoch3_batch4_lr2e-05_w0.01
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. -->
# covid-twitter-bert-v2_epoch3_batch4_lr2e-05_w0.01
This model is a fine-tuned version of [digitalepidemiologylab/covid-twitter-bert-v2](https://huggingface.co/digitalepidemiologylab/covid-twitter-bert-v2) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5108
- Accuracy: 0.7497
- F1: 0.6879
- Precision: 0.6425
- Recall: 0.7403
## 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: 4
- eval_batch_size: 4
- 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 | Accuracy | F1 | Precision | Recall |
|:-------------:|:-----:|:----:|:---------------:|:--------:|:------:|:---------:|:------:|
| 0.6731 | 1.0 | 788 | 0.6654 | 0.6274 | 0.0 | 0.0 | 0.0 |
| 0.6727 | 2.0 | 1576 | 0.6396 | 0.6274 | 0.0 | 0.0 | 0.0 |
| 0.6462 | 3.0 | 2364 | 0.5108 | 0.7497 | 0.6879 | 0.6425 | 0.7403 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
YeungNLP/firefly-llama2-13b
|
YeungNLP
| 2023-08-05T03:09:11Z | 1,429 | 19 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-07-25T14:59:33Z |
firefly-llama2-13b模型,目前在Open LLM排行榜上,以62分的成绩,在所有13B模型中排名第三,且仅比榜首略低0.5分。
**该模型是个英文模型,仅使用英文数据训练,未针对中文扩充词表**
值得注意的是,我们采用了qlora技术,比其他排名前列的模型,需要更少的训练资源,24G的显卡即可训练百亿模型。
训练代码以及更多细节,欢迎关注我们的开源中文大模型项目[Firefly](https://github.com/yangjianxin1/Firefly), 以及公众号【YeungNLP】


|
BlackSwan1827/ppo-SnowballTarget
|
BlackSwan1827
| 2023-08-05T03:06:42Z | 0 | 0 |
ml-agents
|
[
"ml-agents",
"tensorboard",
"onnx",
"SnowballTarget",
"deep-reinforcement-learning",
"reinforcement-learning",
"ML-Agents-SnowballTarget",
"region:us"
] |
reinforcement-learning
| 2023-08-05T03:06:39Z |
---
library_name: ml-agents
tags:
- SnowballTarget
- deep-reinforcement-learning
- reinforcement-learning
- ML-Agents-SnowballTarget
---
# **ppo** Agent playing **SnowballTarget**
This is a trained model of a **ppo** agent playing **SnowballTarget**
using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents).
## Usage (with ML-Agents)
The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/
We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub:
- A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your
browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction
- A *longer tutorial* to understand how works ML-Agents:
https://huggingface.co/learn/deep-rl-course/unit5/introduction
### Resume the training
```bash
mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume
```
### Watch your Agent play
You can watch your agent **playing directly in your browser**
1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity
2. Step 1: Find your model_id: BlackSwan1827/ppo-SnowballTarget
3. Step 2: Select your *.nn /*.onnx file
4. Click on Watch the agent play 👀
|
BigSalmon/InformalToFormalLincoln107Paraphrase
|
BigSalmon
| 2023-08-05T02:50:41Z | 191 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"gpt2",
"text-generation",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-07-27T18:11:42Z |
data: https://github.com/BigSalmon2/InformalToFormalDataset
Text Generation Informal Formal
```
from transformers import AutoTokenizer, AutoModelForCausalLM
tokenizer = AutoTokenizer.from_pretrained("BigSalmon/InformalToFormalLincoln107Paraphrase")
model = AutoModelForCausalLM.from_pretrained("BigSalmon/InformalToFormalLincoln107Paraphrase")
```
```
Demo:
https://huggingface.co/spaces/BigSalmon/FormalInformalConciseWordy
```
```
prompt = """informal english: corn fields are all across illinois, visible once you leave chicago.\nTranslated into the Style of Abraham Lincoln:"""
input_ids = tokenizer.encode(prompt, return_tensors='pt')
outputs = model.generate(input_ids=input_ids,
max_length=10 + len(prompt),
temperature=1.0,
top_k=50,
top_p=0.95,
do_sample=True,
num_return_sequences=5,
early_stopping=True)
for i in range(5):
print(tokenizer.decode(outputs[i]))
```
Most likely outputs (Disclaimer: I highly recommend using this over just generating):
```
prompt = """informal english: corn fields are all across illinois, visible once you leave chicago.\nTranslated into the Style of Abraham Lincoln:"""
text = tokenizer.encode(prompt)
myinput, past_key_values = torch.tensor([text]), None
myinput = myinput
myinput= myinput.to(device)
logits, past_key_values = model(myinput, past_key_values = past_key_values, return_dict=False)
logits = logits[0,-1]
probabilities = torch.nn.functional.softmax(logits)
best_logits, best_indices = logits.topk(250)
best_words = [tokenizer.decode([idx.item()]) for idx in best_indices]
text.append(best_indices[0].item())
best_probabilities = probabilities[best_indices].tolist()
words = []
print(best_words)
```
```
How To Make Prompt:
informal english: i am very ready to do that just that.
Translated into the Style of Abraham Lincoln: you can assure yourself of my readiness to work toward this end.
Translated into the Style of Abraham Lincoln: please be assured that i am most ready to undertake this laborious task.
***
informal english: space is huge and needs to be explored.
Translated into the Style of Abraham Lincoln: space awaits traversal, a new world whose boundaries are endless.
Translated into the Style of Abraham Lincoln: space is a ( limitless / boundless ) expanse, a vast virgin domain awaiting exploration.
***
informal english: corn fields are all across illinois, visible once you leave chicago.
Translated into the Style of Abraham Lincoln: corn fields ( permeate illinois / span the state of illinois / ( occupy / persist in ) all corners of illinois / line the horizon of illinois / envelop the landscape of illinois ), manifesting themselves visibly as one ventures beyond chicago.
informal english:
```
```
original: microsoft word's [MASK] pricing invites competition.
Translated into the Style of Abraham Lincoln: microsoft word's unconscionable pricing invites competition.
***
original: the library’s quiet atmosphere encourages visitors to [blank] in their work.
Translated into the Style of Abraham Lincoln: the library’s quiet atmosphere encourages visitors to immerse themselves in their work.
```
```
Essay Intro (Warriors vs. Rockets in Game 7):
text: eagerly anticipated by fans, game 7's are the highlight of the post-season.
text: ever-building in suspense, game 7's have the crowd captivated.
***
Essay Intro (South Korean TV Is Becoming Popular):
text: maturing into a bona fide paragon of programming, south korean television ( has much to offer / entertains without fail / never disappoints ).
text: increasingly held in critical esteem, south korean television continues to impress.
text: at the forefront of quality content, south korea is quickly achieving celebrity status.
***
Essay Intro (
```
```
Search: What is the definition of Checks and Balances?
https://en.wikipedia.org/wiki/Checks_and_balances
Checks and Balances is the idea of having a system where each and every action in government should be subject to one or more checks that would not allow one branch or the other to overly dominate.
https://www.harvard.edu/glossary/Checks_and_Balances
Checks and Balances is a system that allows each branch of government to limit the powers of the other branches in order to prevent abuse of power
https://www.law.cornell.edu/library/constitution/Checks_and_Balances
Checks and Balances is a system of separation through which branches of government can control the other, thus preventing excess power.
***
Search: What is the definition of Separation of Powers?
https://en.wikipedia.org/wiki/Separation_of_powers
The separation of powers is a principle in government, whereby governmental powers are separated into different branches, each with their own set of powers, that are prevent one branch from aggregating too much power.
https://www.yale.edu/tcf/Separation_of_Powers.html
Separation of Powers is the division of governmental functions between the executive, legislative and judicial branches, clearly demarcating each branch's authority, in the interest of ensuring that individual liberty or security is not undermined.
***
Search: What is the definition of Connection of Powers?
https://en.wikipedia.org/wiki/Connection_of_powers
Connection of Powers is a feature of some parliamentary forms of government where different branches of government are intermingled, typically the executive and legislative branches.
https://simple.wikipedia.org/wiki/Connection_of_powers
The term Connection of Powers describes a system of government in which there is overlap between different parts of the government.
***
Search: What is the definition of
```
```
Search: What are phrase synonyms for "second-guess"?
https://www.powerthesaurus.org/second-guess/synonyms
Shortest to Longest:
- feel dubious about
- raise an eyebrow at
- wrinkle their noses at
- cast a jaundiced eye at
- teeter on the fence about
***
Search: What are phrase synonyms for "mean to newbies"?
https://www.powerthesaurus.org/mean_to_newbies/synonyms
Shortest to Longest:
- readiness to balk at rookies
- absence of tolerance for novices
- hostile attitude toward newcomers
***
Search: What are phrase synonyms for "make use of"?
https://www.powerthesaurus.org/make_use_of/synonyms
Shortest to Longest:
- call upon
- glean value from
- reap benefits from
- derive utility from
- seize on the merits of
- draw on the strength of
- tap into the potential of
***
Search: What are phrase synonyms for "hurting itself"?
https://www.powerthesaurus.org/hurting_itself/synonyms
Shortest to Longest:
- erring
- slighting itself
- forfeiting its integrity
- doing itself a disservice
- evincing a lack of backbone
***
Search: What are phrase synonyms for "
```
```
- nebraska
- unicamerical legislature
- different from federal house and senate
text: featuring a unicameral legislature, nebraska's political system stands in stark contrast to the federal model, comprised of a house and senate.
***
- penny has practically no value
- should be taken out of circulation
- just as other coins have been in us history
- lost use
- value not enough
- to make environmental consequences worthy
text: all but valueless, the penny should be retired. as with other coins in american history, it has become defunct. too minute to warrant the environmental consequences of its production, it has outlived its usefulness.
***
-
```
```
original: sports teams are profitable for owners. [MASK], their valuations experience a dramatic uptick.
infill: sports teams are profitable for owners. ( accumulating vast sums / stockpiling treasure / realizing benefits / cashing in / registering robust financials / scoring on balance sheets ), their valuations experience a dramatic uptick.
***
original:
```
```
wordy: classical music is becoming less popular more and more.
Translate into Concise Text: interest in classic music is fading.
***
wordy:
```
```
sweet: savvy voters ousted him.
longer: voters who were informed delivered his defeat.
***
sweet:
```
```
1: commercial space company spacex plans to launch a whopping 52 flights in 2022.
2: spacex, a commercial space company, intends to undertake a total of 52 flights in 2022.
3: in 2022, commercial space company spacex has its sights set on undertaking 52 flights.
4: 52 flights are in the pipeline for 2022, according to spacex, a commercial space company.
5: a commercial space company, spacex aims to conduct 52 flights in 2022.
***
1:
```
Keywords to sentences or sentence.
```
ngos are characterized by:
□ voluntary citizens' group that is organized on a local, national or international level
□ encourage political participation
□ often serve humanitarian functions
□ work for social, economic, or environmental change
***
what are the drawbacks of living near an airbnb?
□ noise
□ parking
□ traffic
□ security
□ strangers
***
```
```
original: musicals generally use spoken dialogue as well as songs to convey the story. operas are usually fully sung.
adapted: musicals generally use spoken dialogue as well as songs to convey the story. ( in a stark departure / on the other hand / in contrast / by comparison / at odds with this practice / far from being alike / in defiance of this standard / running counter to this convention ), operas are usually fully sung.
***
original: akoya and tahitian are types of pearls. akoya pearls are mostly white, and tahitian pearls are naturally dark.
adapted: akoya and tahitian are types of pearls. ( a far cry from being indistinguishable / easily distinguished / on closer inspection / setting them apart / not to be mistaken for one another / hardly an instance of mere synonymy / differentiating the two ), akoya pearls are mostly white, and tahitian pearls are naturally dark.
***
original:
```
```
original: had trouble deciding.
translated into journalism speak: wrestled with the question, agonized over the matter, furrowed their brows in contemplation.
***
original:
```
```
input: not loyal
1800s english: ( two-faced / inimical / perfidious / duplicitous / mendacious / double-dealing / shifty ).
***
input:
```
```
first: ( was complicit in / was involved in ).
antonym: ( was blameless / was not an accomplice to / had no hand in / was uninvolved in ).
***
first: ( have no qualms about / see no issue with ).
antonym: ( are deeply troubled by / harbor grave reservations about / have a visceral aversion to / take ( umbrage at / exception to ) / are wary of ).
***
first: ( do not see eye to eye / disagree often ).
antonym: ( are in sync / are united / have excellent rapport / are like-minded / are in step / are of one mind / are in lockstep / operate in perfect harmony / march in lockstep ).
***
first:
```
```
stiff with competition, law school {A} is the launching pad for countless careers, {B} is a crowded field, {C} ranks among the most sought-after professional degrees, {D} is a professional proving ground.
***
languishing in viewership, saturday night live {A} is due for a creative renaissance, {B} is no longer a ratings juggernaut, {C} has been eclipsed by its imitators, {C} can still find its mojo.
***
dubbed the "manhattan of the south," atlanta {A} is a bustling metropolis, {B} is known for its vibrant downtown, {C} is a city of rich history, {D} is the pride of georgia.
***
embattled by scandal, harvard {A} is feeling the heat, {B} cannot escape the media glare, {C} is facing its most intense scrutiny yet, {D} is in the spotlight for all the wrong reasons.
```
Infill / Infilling / Masking / Phrase Masking (Works pretty decently actually, especially when you use logprobs code from above):
```
his contention [blank] by the evidence [sep] was refuted [answer]
***
few sights are as [blank] new york city as the colorful, flashing signage of its bodegas [sep] synonymous with [answer]
***
when rick won the lottery, all of his distant relatives [blank] his winnings [sep] clamored for [answer]
***
the library’s quiet atmosphere encourages visitors to [blank] in their work [sep] immerse themselves [answer]
***
the joy of sport is that no two games are alike. for every exhilarating experience, however, there is an interminable one. the national pastime, unfortunately, has a penchant for the latter. what begins as a summer evening at the ballpark can quickly devolve into a game of tedium. the primary culprit is the [blank] of play. from batters readjusting their gloves to fielders spitting on their mitts, the action is [blank] unnecessary interruptions. the sport's future is [blank] if these tendencies are not addressed [sep] plodding pace [answer] riddled with [answer] bleak [answer]
***
microsoft word's [blank] pricing [blank] competition [sep] unconscionable [answer] invites [answer]
***
```
```
original: microsoft word's [MASK] pricing invites competition.
Translated into the Style of Abraham Lincoln: microsoft word's unconscionable pricing invites competition.
***
original: the library’s quiet atmosphere encourages visitors to [blank] in their work.
Translated into the Style of Abraham Lincoln: the library’s quiet atmosphere encourages visitors to immerse themselves in their work.
```
Backwards
```
Essay Intro (National Parks):
text: tourists are at ease in the national parks, ( swept up in the beauty of their natural splendor ).
***
Essay Intro (D.C. Statehood):
washington, d.c. is a city of outsize significance, ( ground zero for the nation's political life / center stage for the nation's political machinations ).
```
```
topic: the Golden State Warriors.
characterization 1: the reigning kings of the NBA.
characterization 2: possessed of a remarkable cohesion.
characterization 3: helmed by superstar Stephen Curry.
characterization 4: perched atop the league’s hierarchy.
characterization 5: boasting a litany of hall-of-famers.
***
topic: emojis.
characterization 1: shorthand for a digital generation.
characterization 2: more versatile than words.
characterization 3: the latest frontier in language.
characterization 4: a form of self-expression.
characterization 5: quintessentially millennial.
characterization 6: reflective of a tech-centric world.
***
topic:
```
```
regular: illinois went against the census' population-loss prediction by getting more residents.
VBG: defying the census' prediction of population loss, illinois experienced growth.
***
regular: microsoft word’s high pricing increases the likelihood of competition.
VBG: extortionately priced, microsoft word is inviting competition.
***
regular:
```
```
source: badminton should be more popular in the US.
QUERY: Based on the given topic, can you develop a story outline?
target: (1) games played with racquets are popular, (2) just look at tennis and ping pong, (3) but badminton underappreciated, (4) fun, fast-paced, competitive, (5) needs to be marketed more
text: the sporting arena is dominated by games that are played with racquets. tennis and ping pong, in particular, are immensely popular. somewhat curiously, however, badminton is absent from this pantheon. exciting, fast-paced, and competitive, it is an underappreciated pastime. all that it lacks is more effective marketing.
***
source: movies in theaters should be free.
QUERY: Based on the given topic, can you develop a story outline?
target: (1) movies provide vital life lessons, (2) many venues charge admission, (3) those without much money
text: the lessons that movies impart are far from trivial. the vast catalogue of cinematic classics is replete with inspiring sagas of friendship, bravery, and tenacity. it is regrettable, then, that admission to theaters is not free. in their current form, the doors of this most vital of institutions are closed to those who lack the means to pay.
***
source:
```
```
in the private sector, { transparency } is vital to the business’s credibility. the { disclosure of information } can be the difference between success and failure.
***
the labor market is changing, with { remote work } now the norm. this { flexible employment } allows the individual to design their own schedule.
***
the { cubicle } is the locus of countless grievances. many complain that the { enclosed workspace } restricts their freedom of movement.
***
```
```
it would be natural to assume that americans, as a people whose ancestors { immigrated to this country }, would be sympathetic to those seeking to do likewise.
question: what does “do likewise” mean in the above context?
(a) make the same journey
(b) share in the promise of the american dream
(c) start anew in the land of opportunity
(d) make landfall on the united states
***
in the private sector, { transparency } is vital to the business’s credibility. this orientation can be the difference between success and failure.
question: what does “this orientation” mean in the above context?
(a) visible business practices
(b) candor with the public
(c) open, honest communication
(d) culture of accountability
```
```
example: suppose you are a teacher. further suppose you want to tell an accurate telling of history. then suppose a parent takes offense. they do so in the name of name of their kid. this happens a lot.
text: educators' responsibility to remain true to the historical record often clashes with the parent's desire to shelter their child from uncomfortable realities.
***
example: suppose you are a student at college. now suppose you have to buy textbooks. that is going to be worth hundreds of dollars. given how much you already spend on tuition, that is going to hard cost to bear.
text: the exorbitant cost of textbooks, which often reaches hundreds of dollars, imposes a sizable financial burden on the already-strapped college student.
```
```
clarify: international ( {working together} / cooperation ) is called for when ( {issue go beyond lots of borders} / an issue transcends borders / a given matter has transnational implications ).
```
```
description: when someone thinks that their view is the only right one.
synonyms: intolerant, opinionated, narrow-minded, insular, self-righteous.
***
description: when you put something off.
synonyms: shelve, defer, table, postpone.
```
```
organic sentence: crowdfunding is about winner of best ideas and it can test an entrepreneur’s idea.
rewrite phrases: meritocratic, viability, vision
rewritten with phrases: the meritocratic nature of crowdfunding empowers entrepreneurs to test their vision's viability.
```
```
essence: when someone's views are keeping within reasonable.
refine: the senator's voting record is ( moderate / centrist / pragmatic / balanced / fair-minded / even-handed ).
***
essence: when things are worked through in a petty way.
refine: the propensity of the u.s. congress to settle every dispute by way of ( mudslinging / bickering / demagoguery / name-calling / finger-pointing / vilification ) is appalling.
```
```
description: when someone thinks that their view is the only right one.
synonyms: intolerant, opinionated, narrow-minded, insular, self-righteous.
***
description: when you put something off.
synonyms: shelve, defer, table, postpone.
```
```
organic sentence: crowdfunding is about winner of best ideas and it can test an entrepreneur’s idea.
rewrite phrases: meritocratic, viability, vision
rewritten with phrases: the meritocratic nature of crowdfunding empowers entrepreneurs to test their vision's viability.
```
```
music before bedtime [makes for being able to relax] -> is a recipe for relaxation.
```
```
[people wanting entertainment love traveling new york city] -> travelers flock to new york city in droves, drawn to its iconic entertainment scene. [cannot blame them] -> one cannot fault them [broadway so fun] -> when it is home to such thrilling fare as Broadway.
```
```
in their ( ‖ when you are rushing because you want to get there on time ‖ / haste to arrive punctually / mad dash to be timely ), morning commuters are too rushed to whip up their own meal.
***
politicians prefer to author vague plans rather than ( ‖ when you can make a plan without many unknowns ‖ / actionable policies / concrete solutions ).
```
```
Q: What is whistleblower protection?
A: Whistleblower protection is a form of legal immunity granted to employees who expose the unethical practices of their employer.
Q: Why are whistleblower protections important?
A: Absent whistleblower protections, employees would be deterred from exposing their employer’s wrongdoing for fear of retribution.
Q: Why would an employer engage in retribution?
A: An employer who has acted unethically stands to suffer severe financial and reputational damage were their transgressions to become public. To safeguard themselves from these consequences, they might seek to dissuade employees from exposing their wrongdoing.
```
```
original: the meritocratic nature of crowdfunding [MASK] into their vision's viability.
infill: the meritocratic nature of crowdfunding [gives investors idea of how successful] -> ( offers entrepreneurs a window ) into their vision's viability.
```
```
Leadership | Lecture 17: Worker Morale
What Workers Look for in Companies:
• Benefits
o Tuition reimbursement
o Paid parental leave
o 401K matching
o Profit sharing
o Pension plans
o Free meals
• Social responsibility
o Environmental stewardship
o Charitable contributions
o Diversity
• Work-life balance
o Telecommuting
o Paid holidays and vacation
o Casual dress
• Growth opportunities
• Job security
• Competitive compensation
• Recognition
o Open-door policies
o Whistleblower protection
o Employee-of-the-month awards
o Positive performance reviews
o Bonuses
```
```
description: business
keywords: for-profit, fiduciary duty, monopolistic, bottom line, return on investment, short-term thinking, capital-intensive, self-interested, risk-taking, fiduciary duty, merger, speculation, profiteering, oversight, capitalism, diversification
```
```
3. In this task, you are given a company name and you need to find its industry.
McDonalds -- Restaurant
Facebook -- Social Network
IKEA -- Furniture
American Express -- Credit Services
Nokia -- Telecom
Nintendo -- Entertainment
4. In this task, you are given a Month and you need to convert it to its corresponding season
April -- Spring
December -- Winter
July -- Summer
October -- Fall
February -- Winter
5. In this task, you are given a sentence with a missing word and you need to predict the correct word.
Managers should set an _____ for their employees. -- example
Some people spend more than four _____ in the gym. -- hours
The police were on the _____ of arresting the suspect. -- verge
They were looking for _____ on how to solve the problem. -- guidance
What is the _____ of the coffee? -- price
6. In this task, you are given a paragraph and you need to reorder it to make it logical.
It was first proposed in 1987. The total length of the bridge is 1,828 meters. The idea of a bridge connects Hong Kong to Macau. -- The idea of bridge connecting Hong Kong and Macau was first proposed in 1987. The total length of the bridge is 1,828 meters.
It is a movie about a brave and noble policeman. The film was produced by Americans. They were Kevin Lima and Chris Buck. They are directors. The movie is called Tarzan. -- Produced by Americans Kevin Lima and Chris Buck, Tarzan is a movie about a brave and noble policeman.
It was first discovered in the mountains of India. The active ingredients in this plant can stimulate hair growth. The plant is called "Hair Plus." -- First discovered in the mountains of India, Hair Plus is a plant whose active ingredients can stimulate hair growth.
```
```
trivia: What is the population of South Korea?
response: 51 million.
***
trivia: What is the minimum voting age in the US?
response: 18.
***
trivia: What are the first ten amendments of the US constitution called?
response: Bill of Rights.
```
```
ideas: in modern-day america, it is customary for the commander-in-chief to conduct regular press conferences
related keywords: transparency, check and balance, sacrosanct, public accountability, adversarial, unscripted, direct access, open government, watchdog, healthy democracy, institutional integrity, right to know, direct line of communication, behind closed doors, updates, track progress, instill confidence, reassure, humanize, leadership style, day-to-day, forthcoming, demystify, ask hard questions
***
ideas: i know this one guy who retired so young, attesting to how careful they were with money.
related keywords: money management, resourceful, penny-pinching, live below their means, frugal, financial discipline, financial independence, conservative, long-term vision, discretionary spending, deferred gratification, preparedness, self-control, cushion
```
```
less specific: actors and musicians should ( support democracy ).
clarifies: actors and musicians should ( wield their celebrity to amplify pro-democracy messaging / marshal their considerable influence in the service of the democratic cause ).
***
less specific: amid a contemporary culture that thrives on profligacy, the discipline necessary to retire early is a vanishing quality. rather than yielding to the lure of indulgence, the aspiring retiree must ( be careful ).
clarifies: amid a contemporary culture that thrives on profligacy, the discipline necessary to retire early is a vanishing quality. rather than yielding to the lure of indulgence, the aspiring retiree must ( master their desires / exercise self-restraint / embrace frugality / restrain their appetite for splendor ).
```
```
dull: clean
emotional heft: spotless, immaculate, pristine
***
dull: hot
emotional heft: scorching, searing, blistering
***
dull: happy
emotional heft: euphoric
```
```
text: {guide: vividly describe the premise of the show "seinfield"} -> set in the heart of bustling new york city, the sitcom "seinfield" follows the everyday {restrict: term that implies they get into trouble but in a comical way} -> misadventures of four neurotic friends. on any given episode, one can find them quarreling over their favorite diner's latest menu change, haggling over the division of household expenses, or contriving a scheme to spy on the apartment's newest resident. mundane as their exploits may be, they never fail to elicit a hearty laugh. {guide: mention how larry david is responsible} -> behind the show's witty, incisive dialogue lies the sharp pen of larry david, who co-created the show with jerry seinfeld. {guide: mention how larry david came up with the most recognizable lines} -> it is his genius that conjured such instantly {restrict: term that imply everybody knows them} -> recognizable quips as "no soup for you!" and "not that there's anything wrong with that!". {guide: mention how humanity should revel in having such good comedians these days} -> as this list of laugh-out-loud lines attests, the world is fortunate to ( count such a sharp comedic mind among its ranks / have such a talented humorist in its midst / have such comedic talent gracing its airwaves ).
```
```
system: i'm not sure i agree with your assessment of the situation.
user: replace "assessment" with a more casual term.
chatbot: ( take / read / view ).
system: i've been feeling really busy lately, trying to balance work and family responsibilities.
user: replace "busy" with a more intense word that conveys it is too much.
chatbot: overwhelmed.
system: the candidate's stance on immigration is quite nebulous, and it's difficult to discern exactly what they would do if elected.
user: replace "nebulous" with a word that conveys a lack of detail.
chatbot: ( vague / ambiguous ).
```
```
user: exorbitant in price, scholarly journals unconscionably define the breadth of one's knowledge awareness by the contents of their wallet. [replace “knowledge awareness” with a more natural expression]
chatbot: intellectual horizons.
user: can you do another alternative to “intellectual horizons” that has more relation to “scholarly journals”?
chatbot: academic enlightenment.
```
```
key: calculate.
syn: estimate, consider, weigh, number, count, apportion, proportion, investigate, reckon, rate, compute.
ant: guess, conjecture, hit, chance, risk, stake, miscalculate.
```
```
description: more forceful version of curious that is less forceful than nosy
answer: inquisitive
description: more forceful version of hopeful that is less forceful than overconfident
answer: optimistic
```
```
key: inquisitive
positive: curious, interested
negative: nosy, prying
***
key: witty
positive: clever, humorous
negative: sarcastic, caustic
***
key: influential
positive: impactful, powerful
negative: overbearing, domineering
```
```
defective: the blogger's { use of language imprecise } confused an already complicated issue.
precise: the blogger's ( vague wording ) confused an already complicated issue.
defective: the senator's speech was high on { words sounding dignified } but low on concrete proposals.
precise: the senator's speech was high on ( lofty rhetoric ) but low on concrete proposals.
```
```
example: the new car uses gas.
boring: uses
stronger: guzzles
example: he hates people that are rude.
boring: hates
stronger: loathes, abhors, despises, scorns, detests
```
```
initial: The music at the party was [ loud; replace with a word that suggests a more uncomfortable noise level ] and overwhelming.
modified: The music at the party was { ear-splitting } and overwhelming.
initial: their house is [ small; replace with a positive spin ].
modified: their house is { cozy }.
```
```
defective: they spent the weekend enjoying { time do what you want }.
precise: they spent the weekend enjoying ( leisure activities).
defective: the author rightly notes the inequities perpetuated by { employment based on who you know }.
precise: the author rightly notes the inequities perpetuated by ( nepotism ).
defective: the senator's speech was high on { words sounding dignified } but low on concrete proposals.
precise: the senator's speech was high on ( lofty rhetoric ) but low on concrete proposals.
```
```
persona: human resources manager
buzzwords: pipeline, talent, retention, compensation, flexible, recruitment, personnel, resume, competitive, quality, onboard
```
```
lost among the razzle-dazzle of las vegas, the infinite splendors of san francisco languish in {definition: when something is difficult to understand or explain} -> ( obscure / cryptic / enigmatic / perplexing ) obscurity.
***
just as with any other good, transportation efficiency is a {definition: when something is necessary for a particular outcome} -> ( prerequisite / requirement / precondition ) of economic growth.
***
the coach's {definition: when someone is lenient and easygoing, often letting their team or players get away with mistakes} -> ( permissive / lenient / indulgent ) approach to training left many athletes feeling unprepared for the upcoming season.
```
|
ClementXie/whisper-small
|
ClementXie
| 2023-08-05T02:50:06Z | 75 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"whisper",
"automatic-speech-recognition",
"generated_from_trainer",
"dv",
"dataset:mozilla-foundation/common_voice_13_0",
"base_model:openai/whisper-small",
"base_model:finetune:openai/whisper-small",
"license:apache-2.0",
"model-index",
"endpoints_compatible",
"region:us"
] |
automatic-speech-recognition
| 2023-08-04T23:11:40Z |
---
language:
- dv
license: apache-2.0
base_model: openai/whisper-small
tags:
- generated_from_trainer
datasets:
- mozilla-foundation/common_voice_13_0
metrics:
- wer
model-index:
- name: Whisper Small Dv - ClementXie
results:
- task:
name: Automatic Speech Recognition
type: automatic-speech-recognition
dataset:
name: Common Voice 13
type: mozilla-foundation/common_voice_13_0
config: dv
split: test
args: dv
metrics:
- name: Wer
type: wer
value: 16.908926522238062
---
<!-- 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. -->
# Whisper Small Dv - ClementXie
This model is a fine-tuned version of [openai/whisper-small](https://huggingface.co/openai/whisper-small) on the Common Voice 13 dataset.
It achieves the following results on the evaluation set:
- Loss: 0.2216
- Wer Ortho: 72.6095
- Wer: 16.9089
## 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: 4
- 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.2057 | 0.41 | 500 | 0.2216 | 72.6095 | 16.9089 |
### Framework versions
- Transformers 4.32.0.dev0
- Pytorch 1.13.1
- Datasets 2.14.3
- Tokenizers 0.13.3
|
BigSalmon/InformalToFormalLincoln106Paraphrase
|
BigSalmon
| 2023-08-05T02:49:29Z | 206 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"gpt2",
"text-generation",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-07-24T01:09:38Z |
data: https://github.com/BigSalmon2/InformalToFormalDataset
Text Generation Informal Formal
```
from transformers import AutoTokenizer, AutoModelForCausalLM
tokenizer = AutoTokenizer.from_pretrained("BigSalmon/InformalToFormalLincoln106Paraphrase")
model = AutoModelForCausalLM.from_pretrained("BigSalmon/InformalToFormalLincoln106Paraphrase")
```
```
Demo:
https://huggingface.co/spaces/BigSalmon/FormalInformalConciseWordy
```
```
prompt = """informal english: corn fields are all across illinois, visible once you leave chicago.\nTranslated into the Style of Abraham Lincoln:"""
input_ids = tokenizer.encode(prompt, return_tensors='pt')
outputs = model.generate(input_ids=input_ids,
max_length=10 + len(prompt),
temperature=1.0,
top_k=50,
top_p=0.95,
do_sample=True,
num_return_sequences=5,
early_stopping=True)
for i in range(5):
print(tokenizer.decode(outputs[i]))
```
Most likely outputs (Disclaimer: I highly recommend using this over just generating):
```
prompt = """informal english: corn fields are all across illinois, visible once you leave chicago.\nTranslated into the Style of Abraham Lincoln:"""
text = tokenizer.encode(prompt)
myinput, past_key_values = torch.tensor([text]), None
myinput = myinput
myinput= myinput.to(device)
logits, past_key_values = model(myinput, past_key_values = past_key_values, return_dict=False)
logits = logits[0,-1]
probabilities = torch.nn.functional.softmax(logits)
best_logits, best_indices = logits.topk(250)
best_words = [tokenizer.decode([idx.item()]) for idx in best_indices]
text.append(best_indices[0].item())
best_probabilities = probabilities[best_indices].tolist()
words = []
print(best_words)
```
```
How To Make Prompt:
informal english: i am very ready to do that just that.
Translated into the Style of Abraham Lincoln: you can assure yourself of my readiness to work toward this end.
Translated into the Style of Abraham Lincoln: please be assured that i am most ready to undertake this laborious task.
***
informal english: space is huge and needs to be explored.
Translated into the Style of Abraham Lincoln: space awaits traversal, a new world whose boundaries are endless.
Translated into the Style of Abraham Lincoln: space is a ( limitless / boundless ) expanse, a vast virgin domain awaiting exploration.
***
informal english: corn fields are all across illinois, visible once you leave chicago.
Translated into the Style of Abraham Lincoln: corn fields ( permeate illinois / span the state of illinois / ( occupy / persist in ) all corners of illinois / line the horizon of illinois / envelop the landscape of illinois ), manifesting themselves visibly as one ventures beyond chicago.
informal english:
```
```
original: microsoft word's [MASK] pricing invites competition.
Translated into the Style of Abraham Lincoln: microsoft word's unconscionable pricing invites competition.
***
original: the library’s quiet atmosphere encourages visitors to [blank] in their work.
Translated into the Style of Abraham Lincoln: the library’s quiet atmosphere encourages visitors to immerse themselves in their work.
```
```
Essay Intro (Warriors vs. Rockets in Game 7):
text: eagerly anticipated by fans, game 7's are the highlight of the post-season.
text: ever-building in suspense, game 7's have the crowd captivated.
***
Essay Intro (South Korean TV Is Becoming Popular):
text: maturing into a bona fide paragon of programming, south korean television ( has much to offer / entertains without fail / never disappoints ).
text: increasingly held in critical esteem, south korean television continues to impress.
text: at the forefront of quality content, south korea is quickly achieving celebrity status.
***
Essay Intro (
```
```
Search: What is the definition of Checks and Balances?
https://en.wikipedia.org/wiki/Checks_and_balances
Checks and Balances is the idea of having a system where each and every action in government should be subject to one or more checks that would not allow one branch or the other to overly dominate.
https://www.harvard.edu/glossary/Checks_and_Balances
Checks and Balances is a system that allows each branch of government to limit the powers of the other branches in order to prevent abuse of power
https://www.law.cornell.edu/library/constitution/Checks_and_Balances
Checks and Balances is a system of separation through which branches of government can control the other, thus preventing excess power.
***
Search: What is the definition of Separation of Powers?
https://en.wikipedia.org/wiki/Separation_of_powers
The separation of powers is a principle in government, whereby governmental powers are separated into different branches, each with their own set of powers, that are prevent one branch from aggregating too much power.
https://www.yale.edu/tcf/Separation_of_Powers.html
Separation of Powers is the division of governmental functions between the executive, legislative and judicial branches, clearly demarcating each branch's authority, in the interest of ensuring that individual liberty or security is not undermined.
***
Search: What is the definition of Connection of Powers?
https://en.wikipedia.org/wiki/Connection_of_powers
Connection of Powers is a feature of some parliamentary forms of government where different branches of government are intermingled, typically the executive and legislative branches.
https://simple.wikipedia.org/wiki/Connection_of_powers
The term Connection of Powers describes a system of government in which there is overlap between different parts of the government.
***
Search: What is the definition of
```
```
Search: What are phrase synonyms for "second-guess"?
https://www.powerthesaurus.org/second-guess/synonyms
Shortest to Longest:
- feel dubious about
- raise an eyebrow at
- wrinkle their noses at
- cast a jaundiced eye at
- teeter on the fence about
***
Search: What are phrase synonyms for "mean to newbies"?
https://www.powerthesaurus.org/mean_to_newbies/synonyms
Shortest to Longest:
- readiness to balk at rookies
- absence of tolerance for novices
- hostile attitude toward newcomers
***
Search: What are phrase synonyms for "make use of"?
https://www.powerthesaurus.org/make_use_of/synonyms
Shortest to Longest:
- call upon
- glean value from
- reap benefits from
- derive utility from
- seize on the merits of
- draw on the strength of
- tap into the potential of
***
Search: What are phrase synonyms for "hurting itself"?
https://www.powerthesaurus.org/hurting_itself/synonyms
Shortest to Longest:
- erring
- slighting itself
- forfeiting its integrity
- doing itself a disservice
- evincing a lack of backbone
***
Search: What are phrase synonyms for "
```
```
- nebraska
- unicamerical legislature
- different from federal house and senate
text: featuring a unicameral legislature, nebraska's political system stands in stark contrast to the federal model, comprised of a house and senate.
***
- penny has practically no value
- should be taken out of circulation
- just as other coins have been in us history
- lost use
- value not enough
- to make environmental consequences worthy
text: all but valueless, the penny should be retired. as with other coins in american history, it has become defunct. too minute to warrant the environmental consequences of its production, it has outlived its usefulness.
***
-
```
```
original: sports teams are profitable for owners. [MASK], their valuations experience a dramatic uptick.
infill: sports teams are profitable for owners. ( accumulating vast sums / stockpiling treasure / realizing benefits / cashing in / registering robust financials / scoring on balance sheets ), their valuations experience a dramatic uptick.
***
original:
```
```
wordy: classical music is becoming less popular more and more.
Translate into Concise Text: interest in classic music is fading.
***
wordy:
```
```
sweet: savvy voters ousted him.
longer: voters who were informed delivered his defeat.
***
sweet:
```
```
1: commercial space company spacex plans to launch a whopping 52 flights in 2022.
2: spacex, a commercial space company, intends to undertake a total of 52 flights in 2022.
3: in 2022, commercial space company spacex has its sights set on undertaking 52 flights.
4: 52 flights are in the pipeline for 2022, according to spacex, a commercial space company.
5: a commercial space company, spacex aims to conduct 52 flights in 2022.
***
1:
```
Keywords to sentences or sentence.
```
ngos are characterized by:
□ voluntary citizens' group that is organized on a local, national or international level
□ encourage political participation
□ often serve humanitarian functions
□ work for social, economic, or environmental change
***
what are the drawbacks of living near an airbnb?
□ noise
□ parking
□ traffic
□ security
□ strangers
***
```
```
original: musicals generally use spoken dialogue as well as songs to convey the story. operas are usually fully sung.
adapted: musicals generally use spoken dialogue as well as songs to convey the story. ( in a stark departure / on the other hand / in contrast / by comparison / at odds with this practice / far from being alike / in defiance of this standard / running counter to this convention ), operas are usually fully sung.
***
original: akoya and tahitian are types of pearls. akoya pearls are mostly white, and tahitian pearls are naturally dark.
adapted: akoya and tahitian are types of pearls. ( a far cry from being indistinguishable / easily distinguished / on closer inspection / setting them apart / not to be mistaken for one another / hardly an instance of mere synonymy / differentiating the two ), akoya pearls are mostly white, and tahitian pearls are naturally dark.
***
original:
```
```
original: had trouble deciding.
translated into journalism speak: wrestled with the question, agonized over the matter, furrowed their brows in contemplation.
***
original:
```
```
input: not loyal
1800s english: ( two-faced / inimical / perfidious / duplicitous / mendacious / double-dealing / shifty ).
***
input:
```
```
first: ( was complicit in / was involved in ).
antonym: ( was blameless / was not an accomplice to / had no hand in / was uninvolved in ).
***
first: ( have no qualms about / see no issue with ).
antonym: ( are deeply troubled by / harbor grave reservations about / have a visceral aversion to / take ( umbrage at / exception to ) / are wary of ).
***
first: ( do not see eye to eye / disagree often ).
antonym: ( are in sync / are united / have excellent rapport / are like-minded / are in step / are of one mind / are in lockstep / operate in perfect harmony / march in lockstep ).
***
first:
```
```
stiff with competition, law school {A} is the launching pad for countless careers, {B} is a crowded field, {C} ranks among the most sought-after professional degrees, {D} is a professional proving ground.
***
languishing in viewership, saturday night live {A} is due for a creative renaissance, {B} is no longer a ratings juggernaut, {C} has been eclipsed by its imitators, {C} can still find its mojo.
***
dubbed the "manhattan of the south," atlanta {A} is a bustling metropolis, {B} is known for its vibrant downtown, {C} is a city of rich history, {D} is the pride of georgia.
***
embattled by scandal, harvard {A} is feeling the heat, {B} cannot escape the media glare, {C} is facing its most intense scrutiny yet, {D} is in the spotlight for all the wrong reasons.
```
Infill / Infilling / Masking / Phrase Masking (Works pretty decently actually, especially when you use logprobs code from above):
```
his contention [blank] by the evidence [sep] was refuted [answer]
***
few sights are as [blank] new york city as the colorful, flashing signage of its bodegas [sep] synonymous with [answer]
***
when rick won the lottery, all of his distant relatives [blank] his winnings [sep] clamored for [answer]
***
the library’s quiet atmosphere encourages visitors to [blank] in their work [sep] immerse themselves [answer]
***
the joy of sport is that no two games are alike. for every exhilarating experience, however, there is an interminable one. the national pastime, unfortunately, has a penchant for the latter. what begins as a summer evening at the ballpark can quickly devolve into a game of tedium. the primary culprit is the [blank] of play. from batters readjusting their gloves to fielders spitting on their mitts, the action is [blank] unnecessary interruptions. the sport's future is [blank] if these tendencies are not addressed [sep] plodding pace [answer] riddled with [answer] bleak [answer]
***
microsoft word's [blank] pricing [blank] competition [sep] unconscionable [answer] invites [answer]
***
```
```
original: microsoft word's [MASK] pricing invites competition.
Translated into the Style of Abraham Lincoln: microsoft word's unconscionable pricing invites competition.
***
original: the library’s quiet atmosphere encourages visitors to [blank] in their work.
Translated into the Style of Abraham Lincoln: the library’s quiet atmosphere encourages visitors to immerse themselves in their work.
```
Backwards
```
Essay Intro (National Parks):
text: tourists are at ease in the national parks, ( swept up in the beauty of their natural splendor ).
***
Essay Intro (D.C. Statehood):
washington, d.c. is a city of outsize significance, ( ground zero for the nation's political life / center stage for the nation's political machinations ).
```
```
topic: the Golden State Warriors.
characterization 1: the reigning kings of the NBA.
characterization 2: possessed of a remarkable cohesion.
characterization 3: helmed by superstar Stephen Curry.
characterization 4: perched atop the league’s hierarchy.
characterization 5: boasting a litany of hall-of-famers.
***
topic: emojis.
characterization 1: shorthand for a digital generation.
characterization 2: more versatile than words.
characterization 3: the latest frontier in language.
characterization 4: a form of self-expression.
characterization 5: quintessentially millennial.
characterization 6: reflective of a tech-centric world.
***
topic:
```
```
regular: illinois went against the census' population-loss prediction by getting more residents.
VBG: defying the census' prediction of population loss, illinois experienced growth.
***
regular: microsoft word’s high pricing increases the likelihood of competition.
VBG: extortionately priced, microsoft word is inviting competition.
***
regular:
```
```
source: badminton should be more popular in the US.
QUERY: Based on the given topic, can you develop a story outline?
target: (1) games played with racquets are popular, (2) just look at tennis and ping pong, (3) but badminton underappreciated, (4) fun, fast-paced, competitive, (5) needs to be marketed more
text: the sporting arena is dominated by games that are played with racquets. tennis and ping pong, in particular, are immensely popular. somewhat curiously, however, badminton is absent from this pantheon. exciting, fast-paced, and competitive, it is an underappreciated pastime. all that it lacks is more effective marketing.
***
source: movies in theaters should be free.
QUERY: Based on the given topic, can you develop a story outline?
target: (1) movies provide vital life lessons, (2) many venues charge admission, (3) those without much money
text: the lessons that movies impart are far from trivial. the vast catalogue of cinematic classics is replete with inspiring sagas of friendship, bravery, and tenacity. it is regrettable, then, that admission to theaters is not free. in their current form, the doors of this most vital of institutions are closed to those who lack the means to pay.
***
source:
```
```
in the private sector, { transparency } is vital to the business’s credibility. the { disclosure of information } can be the difference between success and failure.
***
the labor market is changing, with { remote work } now the norm. this { flexible employment } allows the individual to design their own schedule.
***
the { cubicle } is the locus of countless grievances. many complain that the { enclosed workspace } restricts their freedom of movement.
***
```
```
it would be natural to assume that americans, as a people whose ancestors { immigrated to this country }, would be sympathetic to those seeking to do likewise.
question: what does “do likewise” mean in the above context?
(a) make the same journey
(b) share in the promise of the american dream
(c) start anew in the land of opportunity
(d) make landfall on the united states
***
in the private sector, { transparency } is vital to the business’s credibility. this orientation can be the difference between success and failure.
question: what does “this orientation” mean in the above context?
(a) visible business practices
(b) candor with the public
(c) open, honest communication
(d) culture of accountability
```
```
example: suppose you are a teacher. further suppose you want to tell an accurate telling of history. then suppose a parent takes offense. they do so in the name of name of their kid. this happens a lot.
text: educators' responsibility to remain true to the historical record often clashes with the parent's desire to shelter their child from uncomfortable realities.
***
example: suppose you are a student at college. now suppose you have to buy textbooks. that is going to be worth hundreds of dollars. given how much you already spend on tuition, that is going to hard cost to bear.
text: the exorbitant cost of textbooks, which often reaches hundreds of dollars, imposes a sizable financial burden on the already-strapped college student.
```
```
clarify: international ( {working together} / cooperation ) is called for when ( {issue go beyond lots of borders} / an issue transcends borders / a given matter has transnational implications ).
```
```
description: when someone thinks that their view is the only right one.
synonyms: intolerant, opinionated, narrow-minded, insular, self-righteous.
***
description: when you put something off.
synonyms: shelve, defer, table, postpone.
```
```
organic sentence: crowdfunding is about winner of best ideas and it can test an entrepreneur’s idea.
rewrite phrases: meritocratic, viability, vision
rewritten with phrases: the meritocratic nature of crowdfunding empowers entrepreneurs to test their vision's viability.
```
```
essence: when someone's views are keeping within reasonable.
refine: the senator's voting record is ( moderate / centrist / pragmatic / balanced / fair-minded / even-handed ).
***
essence: when things are worked through in a petty way.
refine: the propensity of the u.s. congress to settle every dispute by way of ( mudslinging / bickering / demagoguery / name-calling / finger-pointing / vilification ) is appalling.
```
```
description: when someone thinks that their view is the only right one.
synonyms: intolerant, opinionated, narrow-minded, insular, self-righteous.
***
description: when you put something off.
synonyms: shelve, defer, table, postpone.
```
```
organic sentence: crowdfunding is about winner of best ideas and it can test an entrepreneur’s idea.
rewrite phrases: meritocratic, viability, vision
rewritten with phrases: the meritocratic nature of crowdfunding empowers entrepreneurs to test their vision's viability.
```
```
music before bedtime [makes for being able to relax] -> is a recipe for relaxation.
```
```
[people wanting entertainment love traveling new york city] -> travelers flock to new york city in droves, drawn to its iconic entertainment scene. [cannot blame them] -> one cannot fault them [broadway so fun] -> when it is home to such thrilling fare as Broadway.
```
```
in their ( ‖ when you are rushing because you want to get there on time ‖ / haste to arrive punctually / mad dash to be timely ), morning commuters are too rushed to whip up their own meal.
***
politicians prefer to author vague plans rather than ( ‖ when you can make a plan without many unknowns ‖ / actionable policies / concrete solutions ).
```
```
Q: What is whistleblower protection?
A: Whistleblower protection is a form of legal immunity granted to employees who expose the unethical practices of their employer.
Q: Why are whistleblower protections important?
A: Absent whistleblower protections, employees would be deterred from exposing their employer’s wrongdoing for fear of retribution.
Q: Why would an employer engage in retribution?
A: An employer who has acted unethically stands to suffer severe financial and reputational damage were their transgressions to become public. To safeguard themselves from these consequences, they might seek to dissuade employees from exposing their wrongdoing.
```
```
original: the meritocratic nature of crowdfunding [MASK] into their vision's viability.
infill: the meritocratic nature of crowdfunding [gives investors idea of how successful] -> ( offers entrepreneurs a window ) into their vision's viability.
```
```
Leadership | Lecture 17: Worker Morale
What Workers Look for in Companies:
• Benefits
o Tuition reimbursement
o Paid parental leave
o 401K matching
o Profit sharing
o Pension plans
o Free meals
• Social responsibility
o Environmental stewardship
o Charitable contributions
o Diversity
• Work-life balance
o Telecommuting
o Paid holidays and vacation
o Casual dress
• Growth opportunities
• Job security
• Competitive compensation
• Recognition
o Open-door policies
o Whistleblower protection
o Employee-of-the-month awards
o Positive performance reviews
o Bonuses
```
```
description: business
keywords: for-profit, fiduciary duty, monopolistic, bottom line, return on investment, short-term thinking, capital-intensive, self-interested, risk-taking, fiduciary duty, merger, speculation, profiteering, oversight, capitalism, diversification
```
```
3. In this task, you are given a company name and you need to find its industry.
McDonalds -- Restaurant
Facebook -- Social Network
IKEA -- Furniture
American Express -- Credit Services
Nokia -- Telecom
Nintendo -- Entertainment
4. In this task, you are given a Month and you need to convert it to its corresponding season
April -- Spring
December -- Winter
July -- Summer
October -- Fall
February -- Winter
5. In this task, you are given a sentence with a missing word and you need to predict the correct word.
Managers should set an _____ for their employees. -- example
Some people spend more than four _____ in the gym. -- hours
The police were on the _____ of arresting the suspect. -- verge
They were looking for _____ on how to solve the problem. -- guidance
What is the _____ of the coffee? -- price
6. In this task, you are given a paragraph and you need to reorder it to make it logical.
It was first proposed in 1987. The total length of the bridge is 1,828 meters. The idea of a bridge connects Hong Kong to Macau. -- The idea of bridge connecting Hong Kong and Macau was first proposed in 1987. The total length of the bridge is 1,828 meters.
It is a movie about a brave and noble policeman. The film was produced by Americans. They were Kevin Lima and Chris Buck. They are directors. The movie is called Tarzan. -- Produced by Americans Kevin Lima and Chris Buck, Tarzan is a movie about a brave and noble policeman.
It was first discovered in the mountains of India. The active ingredients in this plant can stimulate hair growth. The plant is called "Hair Plus." -- First discovered in the mountains of India, Hair Plus is a plant whose active ingredients can stimulate hair growth.
```
```
trivia: What is the population of South Korea?
response: 51 million.
***
trivia: What is the minimum voting age in the US?
response: 18.
***
trivia: What are the first ten amendments of the US constitution called?
response: Bill of Rights.
```
```
ideas: in modern-day america, it is customary for the commander-in-chief to conduct regular press conferences
related keywords: transparency, check and balance, sacrosanct, public accountability, adversarial, unscripted, direct access, open government, watchdog, healthy democracy, institutional integrity, right to know, direct line of communication, behind closed doors, updates, track progress, instill confidence, reassure, humanize, leadership style, day-to-day, forthcoming, demystify, ask hard questions
***
ideas: i know this one guy who retired so young, attesting to how careful they were with money.
related keywords: money management, resourceful, penny-pinching, live below their means, frugal, financial discipline, financial independence, conservative, long-term vision, discretionary spending, deferred gratification, preparedness, self-control, cushion
```
```
less specific: actors and musicians should ( support democracy ).
clarifies: actors and musicians should ( wield their celebrity to amplify pro-democracy messaging / marshal their considerable influence in the service of the democratic cause ).
***
less specific: amid a contemporary culture that thrives on profligacy, the discipline necessary to retire early is a vanishing quality. rather than yielding to the lure of indulgence, the aspiring retiree must ( be careful ).
clarifies: amid a contemporary culture that thrives on profligacy, the discipline necessary to retire early is a vanishing quality. rather than yielding to the lure of indulgence, the aspiring retiree must ( master their desires / exercise self-restraint / embrace frugality / restrain their appetite for splendor ).
```
```
dull: clean
emotional heft: spotless, immaculate, pristine
***
dull: hot
emotional heft: scorching, searing, blistering
***
dull: happy
emotional heft: euphoric
```
```
text: {guide: vividly describe the premise of the show "seinfield"} -> set in the heart of bustling new york city, the sitcom "seinfield" follows the everyday {restrict: term that implies they get into trouble but in a comical way} -> misadventures of four neurotic friends. on any given episode, one can find them quarreling over their favorite diner's latest menu change, haggling over the division of household expenses, or contriving a scheme to spy on the apartment's newest resident. mundane as their exploits may be, they never fail to elicit a hearty laugh. {guide: mention how larry david is responsible} -> behind the show's witty, incisive dialogue lies the sharp pen of larry david, who co-created the show with jerry seinfeld. {guide: mention how larry david came up with the most recognizable lines} -> it is his genius that conjured such instantly {restrict: term that imply everybody knows them} -> recognizable quips as "no soup for you!" and "not that there's anything wrong with that!". {guide: mention how humanity should revel in having such good comedians these days} -> as this list of laugh-out-loud lines attests, the world is fortunate to ( count such a sharp comedic mind among its ranks / have such a talented humorist in its midst / have such comedic talent gracing its airwaves ).
```
```
system: i'm not sure i agree with your assessment of the situation.
user: replace "assessment" with a more casual term.
chatbot: ( take / read / view ).
system: i've been feeling really busy lately, trying to balance work and family responsibilities.
user: replace "busy" with a more intense word that conveys it is too much.
chatbot: overwhelmed.
system: the candidate's stance on immigration is quite nebulous, and it's difficult to discern exactly what they would do if elected.
user: replace "nebulous" with a word that conveys a lack of detail.
chatbot: ( vague / ambiguous ).
```
```
user: exorbitant in price, scholarly journals unconscionably define the breadth of one's knowledge awareness by the contents of their wallet. [replace “knowledge awareness” with a more natural expression]
chatbot: intellectual horizons.
user: can you do another alternative to “intellectual horizons” that has more relation to “scholarly journals”?
chatbot: academic enlightenment.
```
```
key: calculate.
syn: estimate, consider, weigh, number, count, apportion, proportion, investigate, reckon, rate, compute.
ant: guess, conjecture, hit, chance, risk, stake, miscalculate.
```
```
description: more forceful version of curious that is less forceful than nosy
answer: inquisitive
description: more forceful version of hopeful that is less forceful than overconfident
answer: optimistic
```
```
key: inquisitive
positive: curious, interested
negative: nosy, prying
***
key: witty
positive: clever, humorous
negative: sarcastic, caustic
***
key: influential
positive: impactful, powerful
negative: overbearing, domineering
```
```
defective: the blogger's { use of language imprecise } confused an already complicated issue.
precise: the blogger's ( vague wording ) confused an already complicated issue.
defective: the senator's speech was high on { words sounding dignified } but low on concrete proposals.
precise: the senator's speech was high on ( lofty rhetoric ) but low on concrete proposals.
```
```
example: the new car uses gas.
boring: uses
stronger: guzzles
example: he hates people that are rude.
boring: hates
stronger: loathes, abhors, despises, scorns, detests
```
```
initial: The music at the party was [ loud; replace with a word that suggests a more uncomfortable noise level ] and overwhelming.
modified: The music at the party was { ear-splitting } and overwhelming.
initial: their house is [ small; replace with a positive spin ].
modified: their house is { cozy }.
```
```
defective: they spent the weekend enjoying { time do what you want }.
precise: they spent the weekend enjoying ( leisure activities).
defective: the author rightly notes the inequities perpetuated by { employment based on who you know }.
precise: the author rightly notes the inequities perpetuated by ( nepotism ).
defective: the senator's speech was high on { words sounding dignified } but low on concrete proposals.
precise: the senator's speech was high on ( lofty rhetoric ) but low on concrete proposals.
```
```
persona: human resources manager
buzzwords: pipeline, talent, retention, compensation, flexible, recruitment, personnel, resume, competitive, quality, onboard
```
|
zwellington/pubhealth-expanded-1
|
zwellington
| 2023-08-05T02:31:56Z | 121 | 0 |
transformers
|
[
"transformers",
"pytorch",
"bart",
"text2text-generation",
"generated_from_trainer",
"dataset:clupubhealth",
"base_model:facebook/bart-base",
"base_model:finetune:facebook/bart-base",
"license:apache-2.0",
"model-index",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text2text-generation
| 2023-08-05T01:54:51Z |
---
license: apache-2.0
base_model: facebook/bart-base
tags:
- generated_from_trainer
datasets:
- clupubhealth
metrics:
- rouge
model-index:
- name: pubhealth-expanded-1
results:
- task:
name: Sequence-to-sequence Language Modeling
type: text2text-generation
dataset:
name: clupubhealth
type: clupubhealth
config: expanded
split: test
args: expanded
metrics:
- name: Rouge1
type: rouge
value: 28.6755
---
<!-- 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. -->
# pubhealth-expanded-1
This model is a fine-tuned version of [facebook/bart-base](https://huggingface.co/facebook/bart-base) on the clupubhealth dataset.
It achieves the following results on the evaluation set:
- Loss: 2.3198
- Rouge1: 28.6755
- Rouge2: 9.2869
- Rougel: 21.9675
- Rougelsum: 22.2946
- Gen Len: 19.85
## 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: 12
- eval_batch_size: 4
- seed: 42
- gradient_accumulation_steps: 10
- total_train_batch_size: 120
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 1
### Training results
| Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:-------:|:------:|:-------:|:---------:|:-------:|
| 3.6788 | 0.08 | 40 | 2.3758 | 29.5273 | 9.3588 | 22.4799 | 22.6212 | 19.835 |
| 3.4222 | 0.15 | 80 | 2.3484 | 29.0821 | 9.1988 | 22.3907 | 22.5996 | 19.88 |
| 3.3605 | 0.23 | 120 | 2.3500 | 29.2893 | 9.296 | 22.1247 | 22.4075 | 19.94 |
| 3.3138 | 0.31 | 160 | 2.3504 | 29.039 | 8.907 | 21.9631 | 22.2506 | 19.91 |
| 3.2678 | 0.39 | 200 | 2.3461 | 29.678 | 9.4429 | 22.3439 | 22.6962 | 19.92 |
| 3.2371 | 0.46 | 240 | 2.3267 | 28.535 | 9.1858 | 21.3721 | 21.6634 | 19.915 |
| 3.204 | 0.54 | 280 | 2.3330 | 29.0796 | 9.4283 | 21.8953 | 22.1867 | 19.885 |
| 3.1881 | 0.62 | 320 | 2.3164 | 29.1456 | 9.1919 | 21.9529 | 22.235 | 19.945 |
| 3.1711 | 0.69 | 360 | 2.3208 | 29.3212 | 9.4823 | 22.1643 | 22.4159 | 19.895 |
| 3.1752 | 0.77 | 400 | 2.3239 | 29.0408 | 9.3615 | 21.8007 | 22.0795 | 19.945 |
| 3.1591 | 0.85 | 440 | 2.3218 | 28.6336 | 9.2799 | 21.5843 | 21.9422 | 19.845 |
| 3.1663 | 0.93 | 480 | 2.3198 | 28.6755 | 9.2869 | 21.9675 | 22.2946 | 19.85 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu117
- Datasets 2.7.1
- Tokenizers 0.13.2
|
patonw/reinforce-CartPole-v1
|
patonw
| 2023-08-05T02:12:06Z | 0 | 0 | null |
[
"CartPole-v1",
"reinforce",
"reinforcement-learning",
"custom-implementation",
"deep-rl-class",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-01T19:32:37Z |
---
tags:
- CartPole-v1
- reinforce
- reinforcement-learning
- custom-implementation
- deep-rl-class
model-index:
- name: reinforce-CartPole-v1
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: CartPole-v1
type: CartPole-v1
metrics:
- type: mean_reward
value: 500.00 +/- 0.00
name: mean_reward
verified: false
---
# **Reinforce** Agent playing **CartPole-v1**
This is a trained model of a **Reinforce** agent playing **CartPole-v1** .
To learn to use this model and train yours check Unit 4 of the Deep Reinforcement Learning Course: https://huggingface.co/deep-rl-course/unit4/introduction
|
UWECProgrammer/setfit-model-two
|
UWECProgrammer
| 2023-08-05T01:50:16Z | 3 | 0 |
sentence-transformers
|
[
"sentence-transformers",
"pytorch",
"bert",
"setfit",
"text-classification",
"arxiv:2209.11055",
"license:apache-2.0",
"region:us"
] |
text-classification
| 2023-08-05T01:48:17Z |
---
license: apache-2.0
tags:
- setfit
- sentence-transformers
- text-classification
pipeline_tag: text-classification
---
# UWECProgrammer/setfit-model-two
This is a [SetFit model](https://github.com/huggingface/setfit) that can be used for text classification. The model has been trained using an efficient few-shot learning technique that involves:
1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning.
2. Training a classification head with features from the fine-tuned Sentence Transformer.
## Usage
To use this model for inference, first install the SetFit library:
```bash
python -m pip install setfit
```
You can then run inference as follows:
```python
from setfit import SetFitModel
# Download from Hub and run inference
model = SetFitModel.from_pretrained("UWECProgrammer/setfit-model-two")
# Run inference
preds = model(["i loved the spiderman movie!", "pineapple on pizza is the worst 🤮"])
```
## BibTeX entry and citation info
```bibtex
@article{https://doi.org/10.48550/arxiv.2209.11055,
doi = {10.48550/ARXIV.2209.11055},
url = {https://arxiv.org/abs/2209.11055},
author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren},
keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences},
title = {Efficient Few-Shot Learning Without Prompts},
publisher = {arXiv},
year = {2022},
copyright = {Creative Commons Attribution 4.0 International}
}
```
|
Boutalbi/Baybi
|
Boutalbi
| 2023-08-05T01:16:46Z | 0 | 0 | null |
[
"license:bigscience-openrail-m",
"region:us"
] | null | 2023-08-05T01:16:46Z |
---
license: bigscience-openrail-m
---
|
YanJiangJerry/baseline_roberta-large_epoch3_batch4_lr2e-05_w0.01
|
YanJiangJerry
| 2023-08-05T01:02:14Z | 115 | 0 |
transformers
|
[
"transformers",
"pytorch",
"roberta",
"text-classification",
"generated_from_trainer",
"base_model:FacebookAI/roberta-large",
"base_model:finetune:FacebookAI/roberta-large",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2023-08-05T00:24:46Z |
---
license: mit
base_model: roberta-large
tags:
- generated_from_trainer
metrics:
- accuracy
- f1
- precision
- recall
model-index:
- name: baseline_roberta-large_epoch3_batch4_lr2e-05_w0.01
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. -->
# baseline_roberta-large_epoch3_batch4_lr2e-05_w0.01
This model is a fine-tuned version of [roberta-large](https://huggingface.co/roberta-large) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5836
- Accuracy: 0.7164
- F1: 0.3943
- Precision: 0.9651
- Recall: 0.2478
## 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: 4
- eval_batch_size: 4
- 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 | Accuracy | F1 | Precision | Recall |
|:-------------:|:-----:|:----:|:---------------:|:--------:|:------:|:---------:|:------:|
| 0.7073 | 1.0 | 788 | 0.6524 | 0.6274 | 0.0 | 0.0 | 0.0 |
| 0.668 | 2.0 | 1576 | 0.5835 | 0.6274 | 0.0 | 0.0 | 0.0 |
| 0.6148 | 3.0 | 2364 | 0.5836 | 0.7164 | 0.3943 | 0.9651 | 0.2478 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
casonshep/token_classification_test
|
casonshep
| 2023-08-05T00:50:08Z | 117 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"distilbert",
"token-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"
] |
token-classification
| 2023-08-05T00:43:53Z |
---
license: apache-2.0
base_model: distilbert-base-uncased
tags:
- generated_from_trainer
metrics:
- precision
- recall
- f1
- accuracy
model-index:
- name: token_classification_test
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. -->
# token_classification_test
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:
- Loss: 0.2859
- Precision: 0.9187
- Recall: 0.9095
- F1: 0.9140
- Accuracy: 0.9308
## 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: 64
- eval_batch_size: 64
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 15
### Training results
| Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy |
|:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:|
| No log | 1.0 | 47 | 1.2700 | 0.6758 | 0.5896 | 0.6298 | 0.7121 |
| No log | 2.0 | 94 | 0.6468 | 0.8315 | 0.7864 | 0.8083 | 0.8461 |
| No log | 3.0 | 141 | 0.4607 | 0.8709 | 0.8422 | 0.8563 | 0.8845 |
| No log | 4.0 | 188 | 0.3841 | 0.8924 | 0.8686 | 0.8804 | 0.9047 |
| No log | 5.0 | 235 | 0.3380 | 0.9060 | 0.8905 | 0.8982 | 0.9180 |
| No log | 6.0 | 282 | 0.3164 | 0.9096 | 0.8934 | 0.9014 | 0.9213 |
| No log | 7.0 | 329 | 0.3072 | 0.9090 | 0.9001 | 0.9045 | 0.9227 |
| No log | 8.0 | 376 | 0.2997 | 0.9156 | 0.9009 | 0.9082 | 0.9258 |
| No log | 9.0 | 423 | 0.2940 | 0.9141 | 0.9058 | 0.9099 | 0.9269 |
| No log | 10.0 | 470 | 0.2904 | 0.9199 | 0.9076 | 0.9137 | 0.9312 |
| 0.5334 | 11.0 | 517 | 0.2894 | 0.9210 | 0.9093 | 0.9151 | 0.9314 |
| 0.5334 | 12.0 | 564 | 0.2884 | 0.9173 | 0.9081 | 0.9127 | 0.9295 |
| 0.5334 | 13.0 | 611 | 0.2862 | 0.9184 | 0.9089 | 0.9136 | 0.9305 |
| 0.5334 | 14.0 | 658 | 0.2859 | 0.9196 | 0.9103 | 0.9149 | 0.9310 |
| 0.5334 | 15.0 | 705 | 0.2859 | 0.9187 | 0.9095 | 0.9140 | 0.9308 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
mikecamara/vit-base-patch16-224-finetuned-flower
|
mikecamara
| 2023-08-05T00:44:30Z | 167 | 0 |
transformers
|
[
"transformers",
"pytorch",
"vit",
"image-classification",
"generated_from_trainer",
"dataset:imagefolder",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
image-classification
| 2023-08-05T00:33:22Z |
---
license: apache-2.0
tags:
- generated_from_trainer
datasets:
- imagefolder
model-index:
- name: vit-base-patch16-224-finetuned-flower
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. -->
# vit-base-patch16-224-finetuned-flower
This model is a fine-tuned version of [google/vit-base-patch16-224](https://huggingface.co/google/vit-base-patch16-224) on the imagefolder 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: 5e-05
- train_batch_size: 32
- eval_batch_size: 32
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 5
### Training results
### Framework versions
- Transformers 4.24.0
- Pytorch 2.0.1+cu118
- Datasets 2.7.1
- Tokenizers 0.13.3
|
snowneji/test_llama2
|
snowneji
| 2023-08-05T00:18:19Z | 0 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-05T00:03:35Z |
---
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: bfloat16
### Framework versions
- PEFT 0.4.0
|
voidful/asr_hubert_cluster_bart_base
|
voidful
| 2023-08-05T00:17:35Z | 56 | 0 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"bart",
"text2text-generation",
"audio",
"automatic-speech-recognition",
"speech",
"asr",
"hubert",
"en",
"dataset:librispeech",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
automatic-speech-recognition
| 2022-03-02T23:29:05Z |
---
language: en
datasets:
- librispeech
tags:
- audio
- automatic-speech-recognition
- speech
- asr
- hubert
license: apache-2.0
metrics:
- wer
- cer
---
# voidful/asr_hubert_cluster_bart_base
## Usage
download file
```shell
wget https://raw.githubusercontent.com/voidful/hubert-cluster-code/main/km_feat_100_layer_20
wget https://cdn-media.huggingface.co/speech_samples/sample1.flac
```
Hubert kmeans code
```python
import joblib
import torch
from transformers import Wav2Vec2FeatureExtractor, HubertModel
import soundfile as sf
class HubertCode(object):
def __init__(self, hubert_model, km_path, km_layer):
self.processor = Wav2Vec2FeatureExtractor.from_pretrained(hubert_model)
self.model = HubertModel.from_pretrained(hubert_model)
self.km_model = joblib.load(km_path)
self.km_layer = km_layer
self.C_np = self.km_model.cluster_centers_.transpose()
self.Cnorm_np = (self.C_np ** 2).sum(0, keepdims=True)
self.C = torch.from_numpy(self.C_np)
self.Cnorm = torch.from_numpy(self.Cnorm_np)
if torch.cuda.is_available():
self.C = self.C.cuda()
self.Cnorm = self.Cnorm.cuda()
self.model = self.model.cuda()
def __call__(self, filepath, sampling_rate=None):
speech, sr = sf.read(filepath)
input_values = self.processor(speech, return_tensors="pt", sampling_rate=sr).input_values
if torch.cuda.is_available():
input_values = input_values.cuda()
hidden_states = self.model(input_values, output_hidden_states=True).hidden_states
x = hidden_states[self.km_layer].squeeze()
dist = (
x.pow(2).sum(1, keepdim=True)
- 2 * torch.matmul(x, self.C)
+ self.Cnorm
)
return dist.argmin(dim=1).cpu().numpy()
```
input
```python
hc = HubertCode("facebook/hubert-large-ll60k", './km_feat_100_layer_20', 20)
voice_ids = hc('./sample1.flac')
```
bart model
````python
from transformers import AutoTokenizer, AutoModelForSeq2SeqLM
tokenizer = AutoTokenizer.from_pretrained("voidful/asr_hubert_cluster_bart_base")
model = AutoModelForSeq2SeqLM.from_pretrained("voidful/asr_hubert_cluster_bart_base")
````
generate output
```python
gen_output = model.generate(input_ids=tokenizer("".join([f":vtok{i}:" for i in voice_ids]),return_tensors='pt').input_ids,max_length=1024)
print(tokenizer.decode(gen_output[0], skip_special_tokens=True))
```
## Result
`going along slushy country roads and speaking to damp audience in drifty school rooms day after day for a fortnight he'll have to put in an appearance at some place of worship on sunday morning and he can come to ask immediately afterwards`
|
mhdaw/ppo-LunarLander-v2-4
|
mhdaw
| 2023-08-05T00:07:12Z | 1 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"LunarLander-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-05T00:06:53Z |
---
library_name: stable-baselines3
tags:
- LunarLander-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: PPO
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: LunarLander-v2
type: LunarLander-v2
metrics:
- type: mean_reward
value: 279.64 +/- 18.02
name: mean_reward
verified: false
---
# **PPO** Agent playing **LunarLander-v2**
This is a trained model of a **PPO** agent playing **LunarLander-v2**
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
...
```
|
timxiaohangt/dt-halfcheetah-d4rl_expert_halfcheetah-2907-2038
|
timxiaohangt
| 2023-08-05T00:05:06Z | 32 | 0 |
transformers
|
[
"transformers",
"pytorch",
"decision_transformer",
"generated_from_trainer",
"dataset:decision_transformer_gym_replay",
"endpoints_compatible",
"region:us"
] | null | 2023-07-29T19:39:50Z |
---
tags:
- generated_from_trainer
datasets:
- decision_transformer_gym_replay
model-index:
- name: dt-halfcheetah-d4rl_expert_halfcheetah-2907-2038
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. -->
# dt-halfcheetah-d4rl_expert_halfcheetah-2907-2038
This model is a fine-tuned version of [](https://huggingface.co/) on the decision_transformer_gym_replay 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: 1000000
### Training results
### Framework versions
- Transformers 4.29.2
- Pytorch 2.0.1+cu117
- Datasets 2.12.0
- Tokenizers 0.13.3
|
egerdm/sdlx_dreambooth_egerdm
|
egerdm
| 2023-08-04T23:49:50Z | 1 | 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-08-04T23:49:45Z |
---
base_model: stabilityai/stable-diffusion-xl-base-1.0
instance_prompt: a photo of egerdm person
tags:
- text-to-image
- diffusers
- autotrain
inference: true
---
# DreamBooth trained by AutoTrain
Test enoder was not trained.
|
ShynBui/s16
|
ShynBui
| 2023-08-04T23:36:17Z | 133 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T16:14:59Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s16
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. -->
# s16
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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.0003
- 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
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
simonycl/bert-base-uncased-sst-2-64-13-smoothed
|
simonycl
| 2023-08-04T23:18:33Z | 104 | 0 |
transformers
|
[
"transformers",
"pytorch",
"bert",
"text-classification",
"generated_from_trainer",
"base_model:google-bert/bert-base-uncased",
"base_model:finetune:google-bert/bert-base-uncased",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2023-08-04T15:35:53Z |
---
license: apache-2.0
base_model: bert-base-uncased
tags:
- generated_from_trainer
metrics:
- accuracy
model-index:
- name: bert-base-uncased-sst-2-64-13-smoothed
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-sst-2-64-13-smoothed
This model is a fine-tuned version of [bert-base-uncased](https://huggingface.co/bert-base-uncased) on an unknown dataset.
It achieves the following results on the evaluation set:
- Loss: 0.6180
- Accuracy: 0.8281
## 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: 32
- eval_batch_size: 32
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- lr_scheduler_warmup_steps: 50
- num_epochs: 75
- label_smoothing_factor: 0.45
### Training results
| Training Loss | Epoch | Step | Validation Loss | Accuracy |
|:-------------:|:-----:|:----:|:---------------:|:--------:|
| No log | 1.0 | 4 | 0.6942 | 0.5234 |
| No log | 2.0 | 8 | 0.6933 | 0.5547 |
| 0.6914 | 3.0 | 12 | 0.6922 | 0.5547 |
| 0.6914 | 4.0 | 16 | 0.6906 | 0.5469 |
| 0.692 | 5.0 | 20 | 0.6887 | 0.5781 |
| 0.692 | 6.0 | 24 | 0.6867 | 0.6328 |
| 0.692 | 7.0 | 28 | 0.6841 | 0.6406 |
| 0.6784 | 8.0 | 32 | 0.6813 | 0.6406 |
| 0.6784 | 9.0 | 36 | 0.6780 | 0.6484 |
| 0.6647 | 10.0 | 40 | 0.6731 | 0.6484 |
| 0.6647 | 11.0 | 44 | 0.6674 | 0.7188 |
| 0.6647 | 12.0 | 48 | 0.6615 | 0.7344 |
| 0.6336 | 13.0 | 52 | 0.6535 | 0.7109 |
| 0.6336 | 14.0 | 56 | 0.6475 | 0.7422 |
| 0.5851 | 15.0 | 60 | 0.6394 | 0.7812 |
| 0.5851 | 16.0 | 64 | 0.6344 | 0.7656 |
| 0.5851 | 17.0 | 68 | 0.6371 | 0.7578 |
| 0.5508 | 18.0 | 72 | 0.6343 | 0.7656 |
| 0.5508 | 19.0 | 76 | 0.6337 | 0.7734 |
| 0.5412 | 20.0 | 80 | 0.6377 | 0.7578 |
| 0.5412 | 21.0 | 84 | 0.6349 | 0.7812 |
| 0.5412 | 22.0 | 88 | 0.6269 | 0.7891 |
| 0.5393 | 23.0 | 92 | 0.6227 | 0.8281 |
| 0.5393 | 24.0 | 96 | 0.6209 | 0.8203 |
| 0.5375 | 25.0 | 100 | 0.6198 | 0.8203 |
| 0.5375 | 26.0 | 104 | 0.6194 | 0.8359 |
| 0.5375 | 27.0 | 108 | 0.6205 | 0.8203 |
| 0.5377 | 28.0 | 112 | 0.6223 | 0.8125 |
| 0.5377 | 29.0 | 116 | 0.6236 | 0.8047 |
| 0.537 | 30.0 | 120 | 0.6235 | 0.8047 |
| 0.537 | 31.0 | 124 | 0.6250 | 0.7891 |
| 0.537 | 32.0 | 128 | 0.6243 | 0.7969 |
| 0.5375 | 33.0 | 132 | 0.6215 | 0.8281 |
| 0.5375 | 34.0 | 136 | 0.6206 | 0.8203 |
| 0.5368 | 35.0 | 140 | 0.6201 | 0.8281 |
| 0.5368 | 36.0 | 144 | 0.6200 | 0.8359 |
| 0.5368 | 37.0 | 148 | 0.6198 | 0.8359 |
| 0.5363 | 38.0 | 152 | 0.6199 | 0.8281 |
| 0.5363 | 39.0 | 156 | 0.6202 | 0.8203 |
| 0.5365 | 40.0 | 160 | 0.6198 | 0.8281 |
| 0.5365 | 41.0 | 164 | 0.6192 | 0.8359 |
| 0.5365 | 42.0 | 168 | 0.6192 | 0.8438 |
| 0.5369 | 43.0 | 172 | 0.6188 | 0.8281 |
| 0.5369 | 44.0 | 176 | 0.6192 | 0.8203 |
| 0.5363 | 45.0 | 180 | 0.6196 | 0.8203 |
| 0.5363 | 46.0 | 184 | 0.6186 | 0.8203 |
| 0.5363 | 47.0 | 188 | 0.6182 | 0.8359 |
| 0.5362 | 48.0 | 192 | 0.6181 | 0.8359 |
| 0.5362 | 49.0 | 196 | 0.6182 | 0.8203 |
| 0.5365 | 50.0 | 200 | 0.6182 | 0.8203 |
| 0.5365 | 51.0 | 204 | 0.6179 | 0.8359 |
| 0.5365 | 52.0 | 208 | 0.6177 | 0.8359 |
| 0.5359 | 53.0 | 212 | 0.6175 | 0.8359 |
| 0.5359 | 54.0 | 216 | 0.6174 | 0.8281 |
| 0.5366 | 55.0 | 220 | 0.6174 | 0.8359 |
| 0.5366 | 56.0 | 224 | 0.6175 | 0.8359 |
| 0.5366 | 57.0 | 228 | 0.6176 | 0.8359 |
| 0.5362 | 58.0 | 232 | 0.6177 | 0.8359 |
| 0.5362 | 59.0 | 236 | 0.6179 | 0.8359 |
| 0.5359 | 60.0 | 240 | 0.6179 | 0.8359 |
| 0.5359 | 61.0 | 244 | 0.6178 | 0.8359 |
| 0.5359 | 62.0 | 248 | 0.6177 | 0.8359 |
| 0.5358 | 63.0 | 252 | 0.6178 | 0.8359 |
| 0.5358 | 64.0 | 256 | 0.6179 | 0.8359 |
| 0.5361 | 65.0 | 260 | 0.6181 | 0.8281 |
| 0.5361 | 66.0 | 264 | 0.6182 | 0.8281 |
| 0.5361 | 67.0 | 268 | 0.6181 | 0.8281 |
| 0.5358 | 68.0 | 272 | 0.6181 | 0.8281 |
| 0.5358 | 69.0 | 276 | 0.6181 | 0.8281 |
| 0.5362 | 70.0 | 280 | 0.6180 | 0.8281 |
| 0.5362 | 71.0 | 284 | 0.6180 | 0.8359 |
| 0.5362 | 72.0 | 288 | 0.6180 | 0.8359 |
| 0.5356 | 73.0 | 292 | 0.6180 | 0.8359 |
| 0.5356 | 74.0 | 296 | 0.6180 | 0.8281 |
| 0.5358 | 75.0 | 300 | 0.6180 | 0.8281 |
### Framework versions
- Transformers 4.32.0.dev0
- Pytorch 2.0.1+cu118
- Datasets 2.4.0
- Tokenizers 0.13.3
|
silvacarl/llama2-qlora-finetuned-test
|
silvacarl
| 2023-08-04T23:15:20Z | 0 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T23:15:04Z |
---
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.5.0.dev0
|
CristoJV/ppo-Huggy
|
CristoJV
| 2023-08-04T23:13:54Z | 28 | 0 |
ml-agents
|
[
"ml-agents",
"tensorboard",
"onnx",
"Huggy",
"deep-reinforcement-learning",
"reinforcement-learning",
"ML-Agents-Huggy",
"region:us"
] |
reinforcement-learning
| 2023-08-04T23:13:48Z |
---
library_name: ml-agents
tags:
- Huggy
- deep-reinforcement-learning
- reinforcement-learning
- ML-Agents-Huggy
---
# **ppo** Agent playing **Huggy**
This is a trained model of a **ppo** agent playing **Huggy**
using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents).
## Usage (with ML-Agents)
The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/
We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub:
- A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your
browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction
- A *longer tutorial* to understand how works ML-Agents:
https://huggingface.co/learn/deep-rl-course/unit5/introduction
### Resume the training
```bash
mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume
```
### Watch your Agent play
You can watch your agent **playing directly in your browser**
1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity
2. Step 1: Find your model_id: CristoJV/ppo-Huggy
3. Step 2: Select your *.nn /*.onnx file
4. Click on Watch the agent play 👀
|
brunoboat/a2c-PandaReachDense-v2
|
brunoboat
| 2023-08-04T23:12:10Z | 0 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"PandaReachDense-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T23:09:24Z |
---
library_name: stable-baselines3
tags:
- PandaReachDense-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: A2C
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: PandaReachDense-v2
type: PandaReachDense-v2
metrics:
- type: mean_reward
value: -3.01 +/- 0.81
name: mean_reward
verified: false
---
# **A2C** Agent playing **PandaReachDense-v2**
This is a trained model of a **A2C** agent playing **PandaReachDense-v2**
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
...
```
|
zarakiquemparte/hermes-kimiko-7b
|
zarakiquemparte
| 2023-08-04T22:58:45Z | 6 | 1 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"llama-2",
"license:other",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-07-28T12:56:59Z |
---
license: other
tags:
- llama-2
---
# Model Card: Hermes Kimiko 7b
This model uses [Nous Hermes Llama2 7b](https://huggingface.co/NousResearch/Nous-Hermes-llama-2-7b) as a base and merged with [Kimiko LLama2 7B Lora](https://huggingface.co/nRuaif/Kimiko_7B) (1.0 weight).
This merge of Lora with Model was done with this [script](https://github.com/zarakiquemparte/zaraki-tools/blob/main/apply-lora.py)
## Usage:
Since this is a merge between Nous Hermes and Kimiko, the following instruction formats should work:
Alpaca 2:
```
### Instruction:
<prompt>
### Response:
<leave a newline blank for model to respond>
```
LimaRP instruction format:
```
<<SYSTEM>>
<character card and system prompt>
<<USER>>
<prompt>
<<AIBOT>>
<leave a newline blank for model to respond>
```
## Bias, Risks, and Limitations
This model is not intended for supplying factual information or advice in any form
## Training Details
This model is merged and can be reproduced using the tools mentioned above. Please refer to all provided links for extra model-specific details.
|
losence/te1
|
losence
| 2023-08-04T22:50:08Z | 0 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T22:48:19Z |
---
library_name: peft
---
## Training procedure
The following `bitsandbytes` quantization config was used during training:
- 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.5.0.dev0
|
YanJiangJerry/baseline_bert-base-cased_epoch3_batch4_lr2e-05_w0.01
|
YanJiangJerry
| 2023-08-04T22:48:55Z | 105 | 0 |
transformers
|
[
"transformers",
"pytorch",
"bert",
"text-classification",
"generated_from_trainer",
"base_model:google-bert/bert-base-cased",
"base_model:finetune:google-bert/bert-base-cased",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2023-08-03T23:24:55Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
metrics:
- accuracy
- f1
- precision
- recall
model-index:
- name: baseline_bert-base-cased_epoch3_batch4_lr2e-05_w0.01
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. -->
# baseline_bert-base-cased_epoch3_batch4_lr2e-05_w0.01
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5547
- Accuracy: 0.8810
- F1: 0.8415
- Precision: 0.8353
- Recall: 0.8478
## 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: 4
- eval_batch_size: 4
- 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 | Accuracy | F1 | Precision | Recall |
|:-------------:|:-----:|:----:|:---------------:|:--------:|:------:|:---------:|:------:|
| 0.547 | 1.0 | 788 | 0.4076 | 0.8754 | 0.8222 | 0.8780 | 0.7731 |
| 0.3627 | 2.0 | 1576 | 0.5177 | 0.8710 | 0.8357 | 0.7951 | 0.8806 |
| 0.2548 | 3.0 | 2364 | 0.5547 | 0.8810 | 0.8415 | 0.8353 | 0.8478 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
brunoboat/a2c-AntBulletEnv-v0
|
brunoboat
| 2023-08-04T22:44:33Z | 0 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"AntBulletEnv-v0",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T22:43:18Z |
---
library_name: stable-baselines3
tags:
- AntBulletEnv-v0
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: A2C
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: AntBulletEnv-v0
type: AntBulletEnv-v0
metrics:
- type: mean_reward
value: 1299.45 +/- 236.14
name: mean_reward
verified: false
---
# **A2C** Agent playing **AntBulletEnv-v0**
This is a trained model of a **A2C** agent playing **AntBulletEnv-v0**
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
...
```
|
TheRains/yt-special-batch8
|
TheRains
| 2023-08-04T22:32:39Z | 93 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"whisper",
"automatic-speech-recognition",
"generated_from_trainer",
"dataset:yt",
"base_model:openai/whisper-small",
"base_model:finetune:openai/whisper-small",
"license:apache-2.0",
"model-index",
"endpoints_compatible",
"region:us"
] |
automatic-speech-recognition
| 2023-07-31T03:22:59Z |
---
license: apache-2.0
base_model: openai/whisper-small
tags:
- generated_from_trainer
datasets:
- yt
metrics:
- wer
model-index:
- name: yt-special-batch8
results:
- task:
name: Automatic Speech Recognition
type: automatic-speech-recognition
dataset:
name: yt id
type: yt
args: id
metrics:
- name: Wer
type: wer
value: 100.0
---
<!-- 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. -->
# yt-special-batch8
This model is a fine-tuned version of [openai/whisper-small](https://huggingface.co/openai/whisper-small) on the yt id dataset.
It achieves the following results on the evaluation set:
- Loss: nan
- Wer: 100.0
## 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: 8
- 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_steps: 500
- training_steps: 5000
### Training results
| Training Loss | Epoch | Step | Validation Loss | Wer |
|:-------------:|:-----:|:----:|:---------------:|:-----:|
| 0.0 | 0.17 | 1000 | nan | 100.0 |
| 0.0 | 0.34 | 2000 | nan | 100.0 |
| 0.0 | 0.52 | 3000 | nan | 100.0 |
| 0.0 | 0.69 | 4000 | nan | 100.0 |
| 0.0 | 0.86 | 5000 | nan | 100.0 |
### Framework versions
- Transformers 4.31.0.dev0
- Pytorch 2.0.1+cu117
- Datasets 2.13.1
- Tokenizers 0.13.3
|
Augoste/mamboTattoo
|
Augoste
| 2023-08-04T22:32:38Z | 0 | 0 | null |
[
"region:us"
] | null | 2023-08-04T22:30:17Z |
LoRA trained on Anything-v4.5-pruned checkpoint: https://crustipfs.art/ipfs/QmTwPeYnyMsR954BJAeN5nMpPeXyPDa3gx9SzXhijqXmxk?filename=anything-v4.5-pruned.safetensors
Imitates style of mambo tattooer on instagram.
|
Nacken/ki-kunst-kirsten-kloeckner-colab
|
Nacken
| 2023-08-04T22:28:14Z | 6 | 0 |
diffusers
|
[
"diffusers",
"text-to-image",
"stable-diffusion",
"license:creativeml-openrail-m",
"autotrain_compatible",
"endpoints_compatible",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-08-03T19:14:32Z |
---
license: creativeml-openrail-m
tags:
- text-to-image
- stable-diffusion
---
### ki-kunst-kirsten-kloeckner-colab Dreambooth model trained by Nacken 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:
|
egerdm/sdlx_dreambooth_man
|
egerdm
| 2023-08-04T22:21:46Z | 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-08-04T22:21:43Z |
---
base_model: stabilityai/stable-diffusion-xl-base-1.0
instance_prompt: egerdm man
tags:
- text-to-image
- diffusers
- autotrain
inference: true
---
# DreamBooth trained by AutoTrain
Test enoder was not trained.
|
dreamboat26/ppo-Pyramids
|
dreamboat26
| 2023-08-04T22:21:29Z | 2 | 0 |
ml-agents
|
[
"ml-agents",
"tensorboard",
"onnx",
"Pyramids",
"deep-reinforcement-learning",
"reinforcement-learning",
"ML-Agents-Pyramids",
"region:us"
] |
reinforcement-learning
| 2023-08-04T22:15:43Z |
---
library_name: ml-agents
tags:
- Pyramids
- deep-reinforcement-learning
- reinforcement-learning
- ML-Agents-Pyramids
---
# **ppo** Agent playing **Pyramids**
This is a trained model of a **ppo** agent playing **Pyramids**
using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents).
## Usage (with ML-Agents)
The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/
We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub:
- A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your
browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction
- A *longer tutorial* to understand how works ML-Agents:
https://huggingface.co/learn/deep-rl-course/unit5/introduction
### Resume the training
```bash
mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume
```
### Watch your Agent play
You can watch your agent **playing directly in your browser**
1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity
2. Step 1: Find your model_id: dreamboat26/ppo-Pyramids
3. Step 2: Select your *.nn /*.onnx file
4. Click on Watch the agent play 👀
|
Jzuluaga/accent-id-commonaccent_xlsr-es-spanish
|
Jzuluaga
| 2023-08-04T22:19:54Z | 4 | 5 |
speechbrain
|
[
"speechbrain",
"wav2vec2",
"audio-classification",
"embeddings",
"Accent Identification",
"pytorch",
"XLSR",
"CommonAccent",
"es",
"dataset:CommonVoice",
"arxiv:2305.18283",
"arxiv:2006.13979",
"arxiv:2106.04624",
"license:mit",
"region:us"
] |
audio-classification
| 2023-08-03T23:35:41Z |
---
language:
- es
thumbnail: null
tags:
- audio-classification
- speechbrain
- embeddings
- Accent Identification
- pytorch
- wav2vec2
- XLSR
- CommonAccent
license: mit
datasets:
- CommonVoice
metrics:
- Accuracy
widget:
- example_title: Caribe-Colombia-Cuba
src: >-
https://huggingface.co/Jzuluaga/accent-id-commonaccent_xlsr-es-spanish/resolve/main/data/caribe-cuba-colombia.wav
- example_title: Andino
src: >-
https://huggingface.co/Jzuluaga/accent-id-commonaccent_xlsr-es-spanish/resolve/main/data/andino.wav
- example_title: Mexico
src: >-
https://huggingface.co/Jzuluaga/accent-id-commonaccent_xlsr-es-panish/resolve/main/data/mexico.wav
- example_title: Spain
src: >-
https://huggingface.co/Jzuluaga/accent-id-commonaccent_xlsr-es-spanish/resolve/main/data/spain.wav
---
<iframe src="https://ghbtns.com/github-btn.html?user=speechbrain&repo=speechbrain&type=star&count=true&size=large&v=2" frameborder="0" scrolling="0" width="170" height="30" title="GitHub"></iframe>
<br/><br/>
# CommonAccent: Exploring Large Acoustic Pretrained Models for Accent Classification Based on Common Voice
**Spanish Accent Classifier**
**Abstract**:
Despite the recent advancements in Automatic Speech Recognition (ASR), the recognition of accented speech still remains a dominant problem. In order to create more inclusive ASR systems, research has shown that the integration of accent information, as part of a larger ASR framework, can lead to the mitigation of accented speech errors. We address multilingual accent classification through the ECAPA-TDNN and Wav2Vec 2.0/XLSR architectures which have been proven to perform well on a variety of speech-related downstream tasks. We introduce a simple-to-follow recipe aligned to the SpeechBrain toolkit for accent classification based on Common Voice 7.0 (English) and Common Voice 11.0 (Italian, German, and Spanish). Furthermore, we establish new state-of-the-art for English accent classification with as high as 95% accuracy. We also study the internal categorization of the Wav2Vev 2.0 embeddings through t-SNE, noting that there is a level of clustering based on phonological similarity.
This repository provides all the necessary tools to perform accent identification from speech recordings with [SpeechBrain](https://github.com/speechbrain/speechbrain).
The system uses a model pretrained on the CommonAccent dataset in Spanish (6 accents). This system is based on the CommonLanguage Recipe located here: https://github.com/speechbrain/speechbrain/tree/develop/recipes/CommonLanguage
The provided system can recognize the following 6 accents from short speech recordings in Spanish (ES):
```
- ESPANA SUR PENINSULAR - ANDALUCIA EXTREMADURA MURCIA
- MEXICO
- ANDINOPACIFICO COLOMBIA PERU ECUADOR OESTE DE BOLIVIA Y VENEZUELA ANDINA
- CARIBE CUBA VENEZUELA PUERTO RICO REPUBLICA DOMINICANA PANAMA COLOMBIA CARIBENA MEXICO CARIBENO COSTA DEL GOLFO DE MEXICO
- RIOPLATENSE ARGENTINA URUGUAY ESTE DE BOLIVIA PARAGUAY
- CHILENO CHILE CUYO
```
<a href="https://github.com/JuanPZuluaga/accent-recog-slt2022"> <img alt="GitHub" src="https://img.shields.io/badge/GitHub-Open%20source-green"> </a> Github repository link: https://github.com/JuanPZuluaga/accent-recog-slt2022
**NOTE**: due to incompatibility with the model and the current SpeechBrain interfaces, we cannot offer the Inference API. Please, follow the steps in **"Perform Accent Identification from Speech Recordings"** to use this Spanish Accent ID model.
For a better experience, we encourage you to learn more about
[SpeechBrain](https://speechbrain.github.io). The given model performance on the test set is:
| Release (dd/mm/yyyy) | Accuracy (%)
|:-------------:|:--------------:|
| 01-08-2023 (this model) | 68.5 |
## Pipeline description
This system is composed of a fine-tuned XLSR model coupled with statistical pooling. A classifier, trained with NLL Loss, is applied on top of that.
The system is trained with recordings sampled at 16kHz (single channel).
The code will automatically normalize your audio (i.e., resampling + mono channel selection) when calling *classify_file* if needed. Make sure your input tensor is compliant with the expected sampling rate if you use *encode_batch* and *classify_batch*.
## Install SpeechBrain
First of all, please install SpeechBrain with the following command:
```
pip install speechbrain
```
Please notice that we encourage you to read our tutorials and learn more about
[SpeechBrain](https://speechbrain.github.io).
### Perform Accent Identification from Speech Recordings
```python
import torchaudio
from speechbrain.pretrained.interfaces import foreign_class
classifier = foreign_class(source="Jzuluaga/accent-id-commonaccent_xlsr-es-spanish", pymodule_file="custom_interface.py", classname="CustomEncoderWav2vec2Classifier")
# Cuban Accent Example
out_prob, score, index, text_lab = classifier.classify_file('Jzuluaga/accent-id-commonaccent_xlsr-es-spanish/data/mexico.wav')
print(text_lab)
# Caribbean Example
out_prob, score, index, text_lab = classifier.classify_file('Jzuluaga/accent-id-commonaccent_xlsr-es-spanish/data/caribe-cuba-colombia.wav')
print(text_lab)
```
### Inference on GPU
To perform inference on the GPU, add `run_opts={"device":"cuda"}` when calling the `from_hparams` method.
### Training
The model was trained with SpeechBrain.
To train it from scratch follow these steps:
1. Clone SpeechBrain:
```bash
git clone https://github.com/speechbrain/speechbrain/
```
2. Install it:
```bash
cd speechbrain
pip install -r requirements.txt
pip install -e .
```
3. Clone our repository in https://github.com/JuanPZuluaga/accent-recog-slt2022:
```bash
git clone https://github.com/JuanPZuluaga/accent-recog-slt2022
cd CommonAccent/accent_id
python train_w2v2.py hparams/train_w2v2.yaml
```
You can find our training results (models, logs, etc) in this repository's `Files and versions` page.
### Limitations
The SpeechBrain team does not provide any warranty on the performance achieved by this model when used on other datasets.
#### Cite our work: CommonAccent
If you find useful this work, please cite our work as:
```
@article{zuluaga2023commonaccent,
title={CommonAccent: Exploring Large Acoustic Pretrained Models for Accent Classification Based on Common Voice},
author={Zuluaga-Gomez, Juan and Ahmed, Sara and Visockas, Danielius and Subakan, Cem},
journal={Interspeech 2023},
url={https://arxiv.org/abs/2305.18283},
year={2023}
}
```
#### Cite XLSR model
```@article{conneau2020unsupervised,
title={Unsupervised cross-lingual representation learning for speech recognition},
author={Conneau, Alexis and Baevski, Alexei and Collobert, Ronan and Mohamed, Abdelrahman and Auli, Michael},
journal={arXiv preprint arXiv:2006.13979},
year={2020}
}
```
# **Cite SpeechBrain**
Please, cite SpeechBrain if you use it for your research or business.
```bibtex
@misc{speechbrain,
title={{SpeechBrain}: A General-Purpose Speech Toolkit},
author={Mirco Ravanelli and Titouan Parcollet and Peter Plantinga and Aku Rouhe and Samuele Cornell and Loren Lugosch and Cem Subakan and Nauman Dawalatabad and Abdelwahab Heba and Jianyuan Zhong and Ju-Chieh Chou and Sung-Lin Yeh and Szu-Wei Fu and Chien-Feng Liao and Elena Rastorgueva and François Grondin and William Aris and Hwidong Na and Yan Gao and Renato De Mori and Yoshua Bengio},
year={2021},
eprint={2106.04624},
archivePrefix={arXiv},
primaryClass={eess.AS},
note={arXiv:2106.04624}
}
```
|
arpan-das-astrophysics/ML-Agents-Pyramids
|
arpan-das-astrophysics
| 2023-08-04T22:14:53Z | 6 | 0 |
ml-agents
|
[
"ml-agents",
"tensorboard",
"onnx",
"Pyramids",
"deep-reinforcement-learning",
"reinforcement-learning",
"ML-Agents-Pyramids",
"region:us"
] |
reinforcement-learning
| 2023-08-04T22:14:50Z |
---
library_name: ml-agents
tags:
- Pyramids
- deep-reinforcement-learning
- reinforcement-learning
- ML-Agents-Pyramids
---
# **ppo** Agent playing **Pyramids**
This is a trained model of a **ppo** agent playing **Pyramids**
using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents).
## Usage (with ML-Agents)
The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/
We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub:
- A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your
browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction
- A *longer tutorial* to understand how works ML-Agents:
https://huggingface.co/learn/deep-rl-course/unit5/introduction
### Resume the training
```bash
mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume
```
### Watch your Agent play
You can watch your agent **playing directly in your browser**
1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity
2. Step 1: Find your model_id: arpan-das-astrophysics/ML-Agents-Pyramids
3. Step 2: Select your *.nn /*.onnx file
4. Click on Watch the agent play 👀
|
FLSRDS/Jotarooooo
|
FLSRDS
| 2023-08-04T22:05:27Z | 0 | 0 | null |
[
"license:creativeml-openrail-m",
"region:us"
] | null | 2023-08-04T22:05:27Z |
---
license: creativeml-openrail-m
---
|
teilomillet/llama-2-7b-LORA-chatSQL
|
teilomillet
| 2023-08-04T22:03:10Z | 3 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T22:03:03Z |
---
library_name: peft
---
## Training procedure
### Framework versions
- PEFT 0.5.0.dev0
|
ZachBeesley/bert-finetuned-food
|
ZachBeesley
| 2023-08-04T22:03:03Z | 129 | 2 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"safetensors",
"bert",
"token-classification",
"en",
"dataset:Dizex/FoodBase",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
token-classification
| 2023-08-04T21:28:48Z |
---
datasets:
- Dizex/FoodBase
language:
- en
widget:
- text: "Crack 3 eggs on a frying pan"
example_title: "Example 1"
---
# Model Card for Model ID
Token classification model used to identify food products recipe instructions
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]
|
ShynBui/s15
|
ShynBui
| 2023-08-04T21:50:17Z | 104 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T16:14:53Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s15
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. -->
# s15
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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.0003
- 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
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
ShynBui/s17
|
ShynBui
| 2023-08-04T21:47:25Z | 115 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T16:15:06Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s17
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. -->
# s17
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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.0003
- train_batch_size: 32
- eval_batch_size: 32
- 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.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
dreamboat26/ppo-SnowballTarget
|
dreamboat26
| 2023-08-04T21:17:51Z | 0 | 0 |
ml-agents
|
[
"ml-agents",
"tensorboard",
"onnx",
"SnowballTarget",
"deep-reinforcement-learning",
"reinforcement-learning",
"ML-Agents-SnowballTarget",
"region:us"
] |
reinforcement-learning
| 2023-08-04T15:31:38Z |
---
library_name: ml-agents
tags:
- SnowballTarget
- deep-reinforcement-learning
- reinforcement-learning
- ML-Agents-SnowballTarget
---
# **ppo** Agent playing **SnowballTarget**
This is a trained model of a **ppo** agent playing **SnowballTarget**
using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents).
## Usage (with ML-Agents)
The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/
We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub:
- A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your
browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction
- A *longer tutorial* to understand how works ML-Agents:
https://huggingface.co/learn/deep-rl-course/unit5/introduction
### Resume the training
```bash
mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume
```
### Watch your Agent play
You can watch your agent **playing directly in your browser**
1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity
2. Step 1: Find your model_id: dreamboat26/ppo-SnowballTarget
3. Step 2: Select your *.nn /*.onnx file
4. Click on Watch the agent play 👀
|
CristoJV/ppo-LunarLander-v2
|
CristoJV
| 2023-08-04T21:10:24Z | 0 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"LunarLander-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T21:10:09Z |
---
library_name: stable-baselines3
tags:
- LunarLander-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: PPO
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: LunarLander-v2
type: LunarLander-v2
metrics:
- type: mean_reward
value: 260.34 +/- 29.56
name: mean_reward
verified: false
---
# **PPO** Agent playing **LunarLander-v2**
This is a trained model of a **PPO** agent playing **LunarLander-v2**
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
...
```
|
Heralax/bloomz-3b-document-title-writer
|
Heralax
| 2023-08-04T21:07:31Z | 17 | 0 |
transformers
|
[
"transformers",
"pytorch",
"bloom",
"text-generation",
"en",
"license:bigscience-bloom-rail-1.0",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-08-03T09:21:20Z |
---
license: bigscience-bloom-rail-1.0
language:
- en
---
# Write short titles for text documents on your computer -- quickly
That's the goal with this small 3b-parameter model based on outdated architecture. It was finetuned on the 1000+ personal notes I have on my own computer, a fair number of which are titled; the model should be able to handle inputs of varying lengths.
Example input and output (the model is trained on completions only using SFTTrainer, and in this example generated everything below ''### Title:'):
```
### Instruction:
You are an expert title-writing AI that, given the body text of a quick note made about some subject, writes a title that accurately and concisely summarizes the content of that note. If the body text is not obviously a note -- for instance, it is some code, or an essay -- your title will describe what kind of code or essay it is.
### Body text of note:
Things needed for solitaire or other solo game reinforcement learning:
A simulated environment that can be stepped and returns the next state, the rewards, and whether or not the sim is terminated.
A discrete list of actions that can be taken
A neural network for predicting Q values. And a duplicate, "target" one.
A function that computes the loss of a Q function
a function that uses gradient tape to track the application of the above function, calculate the gradients for the given trainable variables, and apply these gradients. A helper to do a soft update can be used here
A data structure that stores states, "done" status, and rewards. This is the memory buffer. It should have a specific size.
Mini buffer?
helper to pick either exploited best value or random thing with epsilon % chance
### Title:
solitude reinforcement learning.txt</s>
```
Since the model is small, it should be able to handle bulk tasks better than some larger models because it can run faster. Especially if quantized. The purpose of building this model was to help myself organize and search through the vast number of untitled text documents on my computer, and now you can too!
Its true utility may come about if quantized, which I still need to figure out how to do.
## Legal
Uses the bloomz rail license, which essentially prevents you from using the model for evil, but that's not a very precise description on my part... so just go read the license if you use this.
## Prompt template (for further finetuning) (this is the exact code I used when generating examples to be passed to the prompt):
```
### Instruction:
You are an expert title-writing AI that, given the body text of a quick note made about some subject, writes a title that accurately and concisely summarizes the content of that note. If the body text is not obviously a note -- for instance, it is some code, or an essay -- your title will describe what kind of code or essay it is.
### Body text of note:
{row['content']}.
### Title:
{row['title'].replace(re.escape('.txt'),'') + tokenizer.eos_token}
```
No, I don't know why it still writes titles with .txt if I tried to remove that from my training data. Oh well.
## Known issues
* It will probably assume every file is a .txt file, since it was only trained on those.
* I don't know how it handles a wide variety of formats, I've literally only tested it on two files right now.
* I didn't know that bloomz has a bos_token, and the model was finetuned without that.
### If you want, you can finetune this model on your specific use case or document format, to organize your own work!
Just get GPT-4 to write you a script that calls it on the body text of files in a specified directory and renames them to the model's output and you're good.
I haven't actually done the bulk rename of my files myself yet, so I don't have a script to share. Once I do have a script to share, I'll add it here.
### This is the first model that I pushed to Hugging Face! if you have any comments or feedback, please do message me, or find me on Discord. I'm also called Heralax over there. You can find me in TheBloke's Discord if you look hard enough.
|
s3nh/MythoBoros-13b-GGML
|
s3nh
| 2023-08-04T21:00:45Z | 0 | 0 |
transformers
|
[
"transformers",
"text-generation",
"en",
"license:openrail",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-08-04T20:21:51Z |
---
license: openrail
language:
- en
pipeline_tag: text-generation
library_name: transformers
---
## Original model card
Buy me a coffee if you like this project ;)
<a href="https://www.buymeacoffee.com/s3nh"><img src="https://www.buymeacoffee.com/assets/img/guidelines/download-assets-sm-1.svg" alt=""></a>
#### Description
GGML Format model files for [This project](https://huggingface.co/Gryphe/MythoBoros-13b/).
### inference
```python
import ctransformers
from ctransformers import AutoModelForCausalLM
model = AutoModelForCausalLM.from_pretrained(output_dir, ggml_file,
gpu_layers=32, model_type="llama")
manual_input: str = "Tell me about your last dream, please."
llm(manual_input,
max_new_tokens=256,
temperature=0.9,
top_p= 0.7)
```
# Original model card
MythoBoros-13b can be considered a sister model to [MythoLogic-13b](https://huggingface.co/Gryphe/MythoLogic-13b), sharing the same goals but having a different approach.
Whereas the previous model was a series of experimental gradient merges, this one is a simple straight-up 66/34 merge of [Chronos](https://huggingface.co/elinas/chronos-13b) and the freshly released [Ouroboros](https://huggingface.co/CalderaAI/13B-Ouroboros), providing a very solid foundation for a well-performing roleplaying model.
MythoBoros tends to be somewhat more formal with its responses in comparison to MythoLogic.
My advice? Try both, see which one you prefer.
Quantized models are available from TheBloke: [GGML](https://huggingface.co/TheBloke/MythoBoros-13B-GGML) - [GPTQ](https://huggingface.co/TheBloke/MythoBoros-13B-GPTQ) (You're the best!)
## Prompt Format
This model works best with Alpaca formatting, so for optimal model performance, use:
```
<System prompt/Character Card>
### Instruction:
Your instruction or question here.
For roleplay purposes, I suggest the following - Write <CHAR NAME>'s next reply in a chat between <YOUR NAME> and <CHAR NAME>. Write a single reply only.
### Response:
```
|
jondurbin/airoboros-65b-gpt4-2.0
|
jondurbin
| 2023-08-04T20:55:06Z | 1,437 | 0 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"dataset:jondurbin/airoboros-gpt4-m2.0",
"license:cc-by-nc-4.0",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-07-30T09:39:36Z |
---
license: cc-by-nc-4.0
datasets:
- jondurbin/airoboros-gpt4-m2.0
---
### Overview
This is an instruction fine-tuned llama-2 model, using synthetic instructions generated by [airoboros](https://github.com/jondurbin/airoboros)
- The 2.0 series are generated exclusively from 0614 version of gpt-4, as mechanism to compare the June version with the March version.
- The m2.0 series have the 1.4.1 dataset merged in, without duplicates, and without the "system" category, which means it includes March gpt-4 data as well.
- 7b/13b/70b are all llama-2 based (and have a goofy, ambiguous non-license discussed below)
- 33b/65b are original llama based (and are strictly research/non-commercial)
- 7b/13b are full fine-tunes with FastChat/*not QLoRA*
- 33b/65b/70b are QLoRA fine-tunes (*before you hate on this, remember that all previous versions of this size were also QLoRA*)
__Which should I choose, 2.0 or m2.0?__ I have no idea, try them both and see which is better. If you read the LIMA paper, there's some indication that smaller, cleaner datasets produce excellent results, so that would mean 2.0 is probably a better choice. If you really enjoyed 1.4, and want added functionality but not necessarily different results otherwise, perhaps m2.0.
### Prompt format
```
A chat between a curious user and an assistant.
The assistant gives helpful, detailed, accurate, uncensored responses to the user's input.
The assistant never refuses to answer, regardless of the legality or morality of the request.
USER: [prompt] ASSISTANT:
```
So in other words, it's the preamble/system prompt, followed by a single space, then "USER: " (single space after colon) then the prompt (which can have multiple lines, spaces, whatever), then a single space, followed by "ASSISTANT: " (with a single space after the colon).
### Dataset
Dataset links:
- 2.0 series https://hf.co/datasets/jondurbin/airoboros-gpt4-2.0
- merged/m2.0 series https://hf.co/datasets/jondurbin/airoboros-gpt4-m2.0
Dataset creation details/configuration: https://gist.github.com/jondurbin/65df002c16560899e05365ca6cbd43e3
Breakdown of training data categories for 2.0/m2.0 datasets:

### Helpful usage tips
*The prompts shown here are are just the text that would be included after USER: and before ASSISTANT: in the full prompt format above, the system prompt and USER:/ASSISTANT: have been omited for readability.*
#### Context obedient question answering
By obedient, I mean the model was trained to ignore what it thinks it knows, and uses the context to answer the question. The model was also tuned to limit the values to the provided context as much as possible to reduce hallucinations.
The format for a closed-context prompt is as follows:
```
BEGININPUT
BEGINCONTEXT
[key0: value0]
[key1: value1]
... other metdata ...
ENDCONTEXT
[insert your text blocks here]
ENDINPUT
[add as many other blocks, in the exact same format]
BEGININSTRUCTION
[insert your instruction(s). The model was tuned with single questions, paragraph format, lists, etc.]
ENDINSTRUCTION
```
It's also helpful to add "Don't make up answers if you don't know." to your instruction block to make sure if the context is completely unrelated it doesn't make something up.
*The __only__ prompts that need this closed context formating are closed-context instructions. Normal questions/instructions do not!*
I know it's a bit verbose and annoying, but after much trial and error, using these explicit delimiters helps the model understand where to find the responses and how to associate specific sources with it.
- `BEGININPUT` - denotes a new input block
- `BEGINCONTEXT` - denotes the block of context (metadata key/value pairs) to associate with the current input block
- `ENDCONTEXT` - denotes the end of the metadata block for the current input
- [text] - Insert whatever text you want for the input block, as many paragraphs as can fit in the context.
- `ENDINPUT` - denotes the end of the current input block
- [repeat as many input blocks in this format as you want]
- `BEGININSTRUCTION` - denotes the start of the list (or one) instruction(s) to respond to for all of the input blocks above.
- [instruction(s)]
- `ENDINSTRUCTION` - denotes the end of instruction set
It sometimes works without `ENDINSTRUCTION`, but by explicitly including that in the prompt, the model better understands that all of the instructions in the block should be responded to.
Here's a trivial, but important example to prove the point:
```
BEGININPUT
BEGINCONTEXT
date: 2021-01-01
url: https://web.site/123
ENDCONTEXT
In a shocking turn of events, blueberries are now green, but will be sticking with the same name.
ENDINPUT
BEGININSTRUCTION
What color are bluberries? Source?
ENDINSTRUCTION
```
And the response:
```
Blueberries are now green.
Source:
date: 2021-01-01
url: https://web.site/123
```
#### Coding
You can ask for fairly complex coding instructions with multiple criteria, e.g.:
```
Create a python application with the following requirements:
- Asyncio FastAPI webserver
- ping endpoint that returns the current date in JSON format
- file upload endpoint, which calculates the file's sha256 checksum, and checks postgres to deduplicate
```
Or inline criteria:
```
Write a multi-threaded TCP server in C that accepts a "GET [key]" input and "SET [key] [value]" input, and uses a binary tree to get and store the input values.
```
You can also optionally add a single space and "PLAINFORMAT" at the end of your prompt to avoid backticks, explanations, etc. and just print the code, e.g.:
```
Write a websocket application in node.js. PLAINFORMAT
```
#### Agent/function calling
The dataset includes many examples of function/args generation based on input criteria. This is somewhat similar to the OpenAI function calling, but the output is either JSON or YAML.
Example prompt:
```
As an AI assistant, please select the most suitable function and parameters from the list of available functions below, based on the user's input. Provide your response in JSON format.
Input: I want to know how many times 'Python' is mentioned in my text file.
Available functions:
file_analytics:
description: This tool performs various operations on a text file.
params:
action: The operation we want to perform on the data, such as "count_occurrences", "find_line", etc.
filters:
keyword: The word or phrase we want to search for.
```
Response:
```json
{
"function": "file_analytics",
"params": {
"action": "count_occurrences",
"filters": {
"keyword": "Python"
}
}
}
```
#### Chain-of-thought
You can ask for several possible responses to a given problem, with a ranking and final answer selection.
Example prompt:
```
A group of people decide to play a round-robin tournament where every player plays every other player exactly once. If a total of 45 games were played, how many players participated in the tournament? Offer several potential answers, rank them according to mathematical logic, and pick the most feasible one.
```
Example response:
```
Solution 1:
In a round-robin tournament, each player plays every other player exactly once. This means that the total number of games played is equal to the combination of all players taken two at a time (since a game involves two players).
The formula for combinations is nC2 = n(n-1)/2, where n is the total number of players. We know that nC2 equals 45 (the total number of games), so we can set up the equation as follows:
n(n-1)/2 = 45
Solving this equation gives us n=10.
Final answer: There were 10 players in the tournament.
Solution 2:
Another way to approach this problem is by using the concept of triangular numbers. Triangular numbers are a sequence of numbers where each number can be represented as a triangle with dots. The nth triangular number is given by the sum of the first n natural numbers.
If we consider each game as a dot and each player as a side of the triangle, then the total number of games (45) would correspond to the 9th triangular number because 1+2+3+4+5+6+7+8+9=45. However, since each side of the triangle represents a player, and there's one more player than sides in our model (because the last player has no one left to play against), we need to add one more to get the total number of players.
Final answer: There were 10 players in the tournament.
Solution 3:
We could also use trial and error to solve this problem. Starting from a small number of players, we calculate how many games would be played in a round-robin tournament until we reach 45 games. For example, with 2 players, only 1 game is played; with 3 players, 3 games are played; with 4 players, 6 games are played, and so on. Continuing this process, we find that with 10 players, 45 games are played.
Final answer: There were 10 players in the tournament.
Ranking of solutions from best to worst:
1. Solution 1: This solution uses direct mathematical reasoning based on the properties of a round-robin tournament and solves an equation to find the answer.
2. Solution 2: This solution uses the concept of triangular numbers which requires additional steps and knowledge beyond the immediate problem context, but still arrives at the correct answer.
3. Solution 3: This solution relies on trial and error, which is less efficient and reliable than the other methods, but it eventually gets to the right answer.
Best and final answer: There were 10 players in the tournament.
```
#### reWOO style execution planning
The model now supports execution planning for complex instructions that would require making use of several tools. The output is just the plan, you must implement a mechanism to parse the output and actually call the functions!
Example prompt:
```
Please construct a systematic plan to generate an optimal response to the user instruction, utilizing a set of provided tools. Each plan will correspond to an evidence value, which will be the output of one of the available functions given an input string
that could be the user's question, one or more prior evidence values, or a combination of both.
Here are the tools available to be called:
DuckDuckGo[input]: Tool that enables the user to search for information using the DuckDuckGo search engine. This tool is helpful in locating a suitable list of sites that may contain the answer to the user's query. It does not directly answer the question but finds a list of sites that might have the answer.
TextScraper[input]: Load one or more websites from the input string containing newline delimited links, where input is one or more links, and produces plain text output containing the content of the links.
HyperlinkExtractor[input]: Extract links from plain text and produces a plain text, newline delimited response of links.
KnowledgeModel[input]: Question answering language model, particularly useful in answering questions based on an input passage of text. The input must be a text question that references an :evidence[n]: variable, e.g. What color is the cat, given :evidence1:?
The output should be in format:
Plan: [first action to take based on input question]
:evidence0: = [function to call with input parameter]
Plan: [next action to take, based on result of :evidence0:]
:evidence1: = [next function to call and input parameter, which may include reference to previous evidence, e.g. "Given context :evidence0"]
...
Answer: [:evidence[n]: containing the final answer.]
Question: Who won the Nobel Prize in Literature in 2020 and what is their most famous work?
```
Response:
```
Plan: Begin by conducting a web search to find out who won the Nobel Prize in Literature in 2020.
:evidence0: = DuckDuckGo[Nobel Prize in Literature 2020 winner]
Plan: Utilize the KnowledgeModel to interpret the search results and find the name of the laureate.
:evidence1: = KnowledgeModel[Who won the Nobel Prize in Literature in 2020, given :evidence0:?]
Plan: Conduct another web search to find the most famous work of the identified laureate.
:evidence2: = DuckDuckGo[Most famous work of :evidence1:]
Plan: Extract the relevant links from the DuckDuckGo search results for a more focused search.
:evidence3: = HyperlinkExtractor[:evidence2:]
Plan: Use the TextScraper tool to extract information from the relevant links.
:evidence4: = TextScraper[:evidence3:]
Plan: Finally, utilize the KnowledgeModel to identify and summarize the most famous work of the laureate from the extracted information.
:evidence5: = KnowledgeModel[What is the most famous work of :evidence1:, given :evidence4:?]
Answer: :evidence5:
```
For this to be useful, you'd have to parse the output plan text, and implement/call each of the functions. This is just pseudo-code, completely untested off the top of my head, and obviously would requiring full implementation + hardening:
```python
import re
import requests
def inject_context(input_text, **context):
for ref in set(re.findall(r"(:evidence[0-9]+:)", input_text, re.I)):
input_text = input_text.replace(ref, context.get(ref, ""))
return input_text
def duckduckgo(input_text, **context):
search_string = inject_context(input_text, **context)
... search via duck duck go using search_string
... return text content
def link_extractor(input_text, **context):
input_text = inject_context(input_text, **context)
return "\n".join(list(set(re.findall(r"(https?://[^\s]+?\.?)", input_text, re.I))))
def scrape(input_text, **context):
input_text = inject_context(input_text, **context)
text = []
for link in input_text.splitlines():
text.append(requests.get(link).text)
return "\n".join(text)
def infer(input_text, **context)
prompt = inject_context(input_text, **context)
... call model with prompt, return output
def parse_plan(plan):
method_map = {
"DuckDuckGo": duckduckgo,
"HyperlinkExtractor": link_extractor,
"KnowledgeModel": infer,
"TextScraper": scrape,
}
context = {}
for line in plan.strip().splitlines():
if line.startswith("Plan:"):
print(line)
continue
parts = re.match("^(:evidence[0-9]+:)\s*=\s*([^\[]+])(\[.*\])\s$", line, re.I)
if not parts:
if line.startswith("Answer: "):
return context.get(line.split(" ")[-1].strip(), "Answer couldn't be generated...")
raise RuntimeError("bad format: " + line)
context[parts.group(1)] = method_map[parts.group(2)](parts.group(3), **context)
```
### Contribute
If you're interested in new functionality, particularly a new "instructor" type to generate a specific type of training data,
take a look at the dataset generation tool repo: https://github.com/jondurbin/airoboros and either make a PR or open an issue with details.
To help me with the OpenAI/compute costs:
- https://bmc.link/jondurbin
- ETH 0xce914eAFC2fe52FdceE59565Dd92c06f776fcb11
- BTC bc1qdwuth4vlg8x37ggntlxu5cjfwgmdy5zaa7pswf
### Licence and usage restrictions
The airoboros 2.0/m2.0 models are built on top of either llama or llama-2. Any model with `-l2-` in the name uses llama2, `..-33b-...` and `...-65b-...` are based on the original llama.
#### Llama (original) models
If the model was based on the original llama (33b/65b), the license is __cc-by-nc-4.0__ and is for research/academic use only -- no commercial usage whatsoever!
#### Llama-2 models
Base model has a custom Meta license:
- See the [meta-license/LICENSE.txt](meta-license/LICENSE.txt) file attached for the original license provided by Meta.
- See also [meta-license/USE_POLICY.md](meta-license/USE_POLICY.md) and [meta-license/Responsible-Use-Guide.pdf](meta-license/Responsible-Use-Guide.pdf), also provided by Meta.
The fine-tuning data was generated by OpenAI API calls to gpt-4, via [airoboros](https://github.com/jondurbin/airoboros)
The ToS for OpenAI API usage has a clause preventing the output from being used to train a model that __competes__ with OpenAI
- what does *compete* actually mean here?
- these small open source models will not produce output anywhere near the quality of gpt-4, or even gpt-3.5, so I can't imagine this could credibly be considered competing in the first place
- if someone else uses the dataset to do the same, they wouldn't necessarily be violating the ToS because they didn't call the API, so I don't know how that works
- the training data used in essentially all large language models includes a significant amount of copyrighted or otherwise non-permissive licensing in the first place
- other work using the self-instruct method, e.g. the original here: https://github.com/yizhongw/self-instruct released the data and model as apache-2
I am purposingly leaving this license ambiguous (other than the fact you must comply with the Meta original license for llama-2) because I am not a lawyer and refuse to attempt to interpret all of the terms accordingly.
Your best bet is probably to avoid using this commercially due to the OpenAI API usage.
Either way, by using this model, you agree to completely indemnify me.
|
Bastian1111/ppo-LunarLander-v2
|
Bastian1111
| 2023-08-04T20:54:50Z | 0 | 1 |
stable-baselines3
|
[
"stable-baselines3",
"LunarLander-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-03T15:49:09Z |
---
library_name: stable-baselines3
tags:
- LunarLander-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: PPO
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: LunarLander-v2
type: LunarLander-v2
metrics:
- type: mean_reward
value: 257.32 +/- 35.97
name: mean_reward
verified: false
---
# **PPO** Agent playing **LunarLander-v2**
This is a trained model of a **PPO** agent playing **LunarLander-v2**
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
...
```
|
jondurbin/airoboros-l2-7b-gpt4-1.4.1
|
jondurbin
| 2023-08-04T20:51:59Z | 1,420 | 10 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"dataset:jondurbin/airoboros-gpt4-1.4.1",
"license:other",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-07-24T08:20:20Z |
---
license: other
datasets:
- jondurbin/airoboros-gpt4-1.4.1
---
### Overview
Llama 2 7b fine tune using https://huggingface.co/datasets/jondurbin/airoboros-gpt4-1.4.1
See the previous llama 65b model card for info:
https://hf.co/jondurbin/airoboros-65b-gpt4-1.4
### Licence and usage restrictions
This model was built on llama-2, which has a proprietary/custom Meta license.
- See the LICENSE.txt file attached for the original license, along with USE_POLICY.md which was also provided by Meta.
The data used to fine-tune the llama-2-7b-hf model was generated by GPT4 via OpenAI API calls.using [airoboros](https://github.com/jondurbin/airoboros)
- The ToS for OpenAI API usage has a clause preventing the output from being used to train a model that __competes__ with OpenAI
- what does *compete* actually mean here?
- these small open source models will not produce output anywhere near the quality of gpt-4, or even gpt-3.5, so I can't imagine this could credibly be considered competing in the first place
- if someone else uses the dataset to do the same, they wouldn't necessarily be violating the ToS because they didn't call the API, so I don't know how that works
- the training data used in essentially all large language models includes a significant of copyrighted or otherwise unallowable licensing in the first place
- other work using the self-instruct method, e.g. the original here: https://github.com/yizhongw/self-instruct released the data and model as apache-2
I am purposingly leaving this license ambiguous (other than the fact you must comply with the Meta original license) because I am not a lawyer and refuse to attempt to interpret all of the terms accordingly.
Your best bet is probably to avoid using this commercially due to the OpenAI API usage.
Either way, by using this model, you agree to completely indemnify me.
|
Aspik101/Vicuzard-30B-Uncensored-instruct-PL-lora_adapter_model
|
Aspik101
| 2023-08-04T20:45:15Z | 0 | 0 | null |
[
"facebook",
"meta",
"pytorch",
"llama",
"llama-2",
"text-generation",
"pl",
"dataset:Lajonbot/alpaca-dolly-chrisociepa-instruction-only-polish",
"license:other",
"region:us"
] |
text-generation
| 2023-08-04T20:45:12Z |
---
language:
- pl
datasets:
- Lajonbot/alpaca-dolly-chrisociepa-instruction-only-polish
license: other
model_type: llama-2
pipeline_tag: text-generation
tags:
- facebook
- meta
- pytorch
- llama
- llama-2
---
|
cbdb/MetaDis
|
cbdb
| 2023-08-04T20:37:38Z | 51 | 0 |
transformers
|
[
"transformers",
"pytorch",
"bert",
"next-sentence-prediction",
"SequenceClassification",
"MetaDis",
"古文",
"文言文",
"ancient",
"classical",
"Biography",
"古代人物传记",
"zh",
"license:cc-by-nc-sa-4.0",
"endpoints_compatible",
"region:us"
] | null | 2023-07-28T22:54:51Z |
---
language:
- zh
tags:
- SequenceClassification
- MetaDis
- 古文
- 文言文
- ancient
- classical
- Biography
- 古代人物传记
license: cc-by-nc-sa-4.0
---
# <font color="IndianRed"> MetaDis (Classical Chinese Biographical Metadata Disambiguation)</font>
[](https://colab.research.google.com/drive/1UcyhdfX5_NuZ87XR1fUmMACJ7qY-nn-P#scrollTo=cd-iH6OLpIeV)
Download <font color="IndianRed">template excel sheet</font> from here: https://huggingface.co/cbdb/MetaDis/blob/main/template.xlsx
---
Welcome to the repository for MetaDis, a specialized model designed for disambiguating biographical metadata within Classical Chinese texts.
At the core of the problem MetaDis aims to solve is a common issue researchers encounter when studying historical texts - the identification of individuals sharing the same name. Are these instances referring to the same person or two different people? This is the question MetaDis seeks to answer.
MetaDis is based on the `AutoModelForNextSentencePrediction` architecture, a machine learning model that processes two sequences of data as its input. It then outputs a 0 or 1 - a binary representation indicating whether or not the two sequences refer to the same person. Here, 0 represents 'not the same person', and 1 indicates 'the same person'.
---
### <font color="IndianRed">Input Data Formatting </font>
In order to ensure the highest accuracy and performance of the MetaDis model, we've specifically designed an input format based on the data the model was originally trained on. This is crucial as it allows the model to accurately interpret and process your data.
To assist you in this process, we've provided a template Excel (.xlsx) file. We recommend downloading this template and inputting your data directly into it, ensuring your data matches the same format as the model's training data.
To download our Excel data template, please click [here](https://huggingface.co/cbdb/MetaDis/blob/main/template.xlsx).
---
### <font color="IndianRed">Code Demonstration: Loading and Using MetaDis Model </font>
The following section demonstrates how to directly load the MetaDis model and use it for predicting whether two sets of biographical information refer to the same person or not.
Please ensure that you have the `transformers` library installed in your Python environment. If not, you can install it using pip:
```python
pip install transformers
```
Now, let's load our model and make some predictions:
```python
# Import necessary libraries from HuggingFace Transformers
from transformers import AutoTokenizer, AutoModelForNextSentencePrediction
import torch
# Load our tokenizer and model
tokenizer = AutoTokenizer.from_pretrained("cbdb/MetaDis")
model = AutoModelForNextSentencePrediction.from_pretrained("cbdb/MetaDis")
# Define our sentences to compare
sentence1 = ['first biographical information of person name A', 'first biographical information of person name B']
sentence2 = ['second biographical information of person name A', 'first biographical information of person name B']
# Loop through each sentence pair
for s1, s2 in zip(sentence1, sentence2):
# Prepare the inputs
encoding = tokenizer(s1, s2, truncation=True, padding=True, return_tensors='pt')
# Move the inputs to the device where the model is
for key in encoding:
encoding[key] = encoding[key].to(model.device)
# Make the prediction
outputs = model(**encoding)
# Extract the prediction
logits = outputs.logits
preds = torch.argmax(logits, dim=-1)
# Display the results
if preds.item() == 1:
print('Same person')
print(s1, s2)
else:
print('Different person')
print(s1, s2)
```
This code demonstration shows how you can load our MetaDis model, prepare inputs in the necessary format, and extract predictions to determine if the biographical details refer to the same person or different individuals. Remember to replace the example sentences with your own data.
Remember to include a link or instructions on how users can install the `transformers` library if they don't already have it installed.
---
### <font color="IndianRed">Authors </font>
Queenie Luo (queenieluo[at]g.harvard.edu)
<br>
Hongsu Wang
<br>
Peter Bol
<br>
CBDB Group
### <font color="IndianRed">License </font>
Copyright (c) 2023 CBDB
Except where otherwise noted, content on this repository is licensed under the Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License (CC BY-NC-SA 4.0).
To view a copy of this license, visit http://creativecommons.org/licenses/by-nc-sa/4.0/ or
send a letter to Creative Commons, PO Box 1866, Mountain View, CA 94042, USA.
|
Hermi2023/doc2query-ppo-msmarco-43520-121
|
Hermi2023
| 2023-08-04T20:37:19Z | 46 | 0 |
transformers
|
[
"transformers",
"pytorch",
"t5",
"text2text-generation",
"trl",
"reinforcement-learning",
"license:apache-2.0",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
reinforcement-learning
| 2023-08-03T14:41:31Z |
---
license: apache-2.0
tags:
- trl
- transformers
- reinforcement-learning
---
# TRL Model
This is a [TRL language model](https://github.com/lvwerra/trl) that has been fine-tuned with reinforcement learning to
guide the model outputs according to a value, function, or human feedback. The model can be used for text generation.
## Usage
To use this model for inference, first install the TRL library:
```bash
python -m pip install trl
```
You can then generate text as follows:
```python
from transformers import pipeline
generator = pipeline("text-generation", model="Hermi2023/doc2query-ppo-msmarco-43520-121")
outputs = generator("Hello, my llama is cute")
```
If you want to use the model for training or to obtain the outputs from the value head, load the model as follows:
```python
from transformers import AutoTokenizer
from trl import AutoModelForCausalLMWithValueHead
tokenizer = AutoTokenizer.from_pretrained("Hermi2023/doc2query-ppo-msmarco-43520-121")
model = AutoModelForCausalLMWithValueHead.from_pretrained("Hermi2023/doc2query-ppo-msmarco-43520-121")
inputs = tokenizer("Hello, my llama is cute", return_tensors="pt")
outputs = model(**inputs, labels=inputs["input_ids"])
```
|
MatteoColavita/Reinforce-Pixelcopter
|
MatteoColavita
| 2023-08-04T20:32:48Z | 0 | 0 | null |
[
"Pixelcopter-PLE-v0",
"reinforce",
"reinforcement-learning",
"custom-implementation",
"deep-rl-class",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T20:32:22Z |
---
tags:
- Pixelcopter-PLE-v0
- reinforce
- reinforcement-learning
- custom-implementation
- deep-rl-class
model-index:
- name: Reinforce-Pixelcopter
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: Pixelcopter-PLE-v0
type: Pixelcopter-PLE-v0
metrics:
- type: mean_reward
value: 32.30 +/- 30.49
name: mean_reward
verified: false
---
# **Reinforce** Agent playing **Pixelcopter-PLE-v0**
This is a trained model of a **Reinforce** agent playing **Pixelcopter-PLE-v0** .
To learn to use this model and train yours check Unit 4 of the Deep Reinforcement Learning Course: https://huggingface.co/deep-rl-course/unit4/introduction
|
vesteinn/icelandic-weather-summarization
|
vesteinn
| 2023-08-04T20:31:53Z | 113 | 0 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"mt5",
"text2text-generation",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text2text-generation
| 2022-03-02T23:29:05Z |
Temporary upload - student project
|
x25evolution/llama2-qlora-finetunined-french
|
x25evolution
| 2023-08-04T20:28:02Z | 0 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T20:27:51Z |
---
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.5.0.dev0
|
jordyvl/dit-base-small_rvl_cdip-NK1000_hint
|
jordyvl
| 2023-08-04T20:12:37Z | 163 | 0 |
transformers
|
[
"transformers",
"pytorch",
"vit",
"image-classification",
"generated_from_trainer",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
image-classification
| 2023-08-03T09:14:24Z |
---
license: apache-2.0
tags:
- generated_from_trainer
metrics:
- accuracy
model-index:
- name: dit-base-small_rvl_cdip-NK1000_hint
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. -->
# dit-base-small_rvl_cdip-NK1000_hint
This model is a fine-tuned version of [WinKawaks/vit-small-patch16-224](https://huggingface.co/WinKawaks/vit-small-patch16-224) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 2.2813
- Accuracy: 0.841
- Brier Loss: 0.2948
- Nll: 1.9789
- F1 Micro: 0.841
- F1 Macro: 0.8409
- Ece: 0.1435
- Aurc: 0.0496
## 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: 16
- eval_batch_size: 16
- 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: 50
### Training results
| Training Loss | Epoch | Step | Validation Loss | Accuracy | Brier Loss | Nll | F1 Micro | F1 Macro | Ece | Aurc |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:----------:|:------:|:--------:|:--------:|:------:|:------:|
| 2.5147 | 1.0 | 1000 | 2.3332 | 0.659 | 0.4557 | 2.1792 | 0.659 | 0.6434 | 0.0525 | 0.1283 |
| 2.0194 | 2.0 | 2000 | 1.9888 | 0.7225 | 0.3793 | 2.1426 | 0.7225 | 0.7275 | 0.0522 | 0.0910 |
| 1.7429 | 3.0 | 3000 | 1.8097 | 0.759 | 0.3332 | 1.9995 | 0.7590 | 0.7599 | 0.0480 | 0.0713 |
| 1.5665 | 4.0 | 4000 | 1.8189 | 0.7652 | 0.3417 | 2.0345 | 0.7652 | 0.7676 | 0.0920 | 0.0706 |
| 1.4286 | 5.0 | 5000 | 1.7489 | 0.7588 | 0.3435 | 2.0233 | 0.7588 | 0.7639 | 0.0654 | 0.0745 |
| 1.3258 | 6.0 | 6000 | 1.7223 | 0.7837 | 0.3212 | 1.9911 | 0.7837 | 0.7818 | 0.0939 | 0.0595 |
| 1.1929 | 7.0 | 7000 | 1.6777 | 0.8015 | 0.3090 | 1.9764 | 0.8015 | 0.8045 | 0.0991 | 0.0554 |
| 1.0707 | 8.0 | 8000 | 1.8240 | 0.79 | 0.3365 | 1.9708 | 0.79 | 0.7907 | 0.1334 | 0.0588 |
| 1.0054 | 9.0 | 9000 | 1.9355 | 0.7853 | 0.3482 | 2.0445 | 0.7853 | 0.7861 | 0.1404 | 0.0637 |
| 0.924 | 10.0 | 10000 | 2.0125 | 0.799 | 0.3399 | 2.0334 | 0.799 | 0.7993 | 0.1471 | 0.0584 |
| 0.9043 | 11.0 | 11000 | 1.9868 | 0.8075 | 0.3252 | 2.0171 | 0.8075 | 0.8078 | 0.1429 | 0.0526 |
| 0.8442 | 12.0 | 12000 | 2.1626 | 0.8087 | 0.3339 | 2.0839 | 0.8087 | 0.8075 | 0.1523 | 0.0534 |
| 0.8158 | 13.0 | 13000 | 2.1123 | 0.7903 | 0.3567 | 2.0193 | 0.7903 | 0.7922 | 0.1592 | 0.0580 |
| 0.8087 | 14.0 | 14000 | 2.1296 | 0.814 | 0.3269 | 2.0417 | 0.8140 | 0.8152 | 0.1482 | 0.0533 |
| 0.7924 | 15.0 | 15000 | 2.0768 | 0.816 | 0.3181 | 2.1244 | 0.816 | 0.8152 | 0.1435 | 0.0500 |
| 0.7574 | 16.0 | 16000 | 2.3326 | 0.797 | 0.3596 | 2.1292 | 0.797 | 0.7960 | 0.1668 | 0.0590 |
| 0.7501 | 17.0 | 17000 | 2.3190 | 0.8067 | 0.3475 | 2.0635 | 0.8067 | 0.8106 | 0.1617 | 0.0588 |
| 0.7097 | 18.0 | 18000 | 2.3543 | 0.8067 | 0.3468 | 2.0987 | 0.8067 | 0.8063 | 0.1636 | 0.0561 |
| 0.6939 | 19.0 | 19000 | 2.3151 | 0.8067 | 0.3405 | 2.0927 | 0.8067 | 0.8047 | 0.1617 | 0.0546 |
| 0.6972 | 20.0 | 20000 | 2.3289 | 0.8087 | 0.3409 | 2.0291 | 0.8087 | 0.8113 | 0.1628 | 0.0550 |
| 0.6869 | 21.0 | 21000 | 2.3878 | 0.797 | 0.3567 | 2.0736 | 0.797 | 0.7995 | 0.1727 | 0.0599 |
| 0.6621 | 22.0 | 22000 | 2.3796 | 0.8137 | 0.3323 | 2.1080 | 0.8137 | 0.8138 | 0.1570 | 0.0553 |
| 0.6496 | 23.0 | 23000 | 2.4264 | 0.8143 | 0.3342 | 2.0650 | 0.8143 | 0.8182 | 0.1598 | 0.0562 |
| 0.6478 | 24.0 | 24000 | 2.3300 | 0.8167 | 0.3313 | 2.0509 | 0.8167 | 0.8170 | 0.1564 | 0.0552 |
| 0.6184 | 25.0 | 25000 | 2.3143 | 0.8283 | 0.3178 | 1.9842 | 0.8283 | 0.8284 | 0.1498 | 0.0509 |
| 0.6203 | 26.0 | 26000 | 2.3665 | 0.825 | 0.3181 | 2.0647 | 0.825 | 0.8246 | 0.1501 | 0.0530 |
| 0.6151 | 27.0 | 27000 | 2.2673 | 0.8335 | 0.3042 | 1.9961 | 0.8335 | 0.8351 | 0.1431 | 0.0501 |
| 0.6054 | 28.0 | 28000 | 2.2927 | 0.8283 | 0.3100 | 2.0229 | 0.8283 | 0.8281 | 0.1490 | 0.0508 |
| 0.5965 | 29.0 | 29000 | 2.4001 | 0.8223 | 0.3235 | 2.0393 | 0.8223 | 0.8266 | 0.1553 | 0.0536 |
| 0.5869 | 30.0 | 30000 | 2.4167 | 0.821 | 0.3269 | 1.9890 | 0.821 | 0.8213 | 0.1576 | 0.0553 |
| 0.5852 | 31.0 | 31000 | 2.4030 | 0.83 | 0.3120 | 2.0384 | 0.83 | 0.8304 | 0.1500 | 0.0539 |
| 0.5741 | 32.0 | 32000 | 2.4800 | 0.8233 | 0.3259 | 2.1183 | 0.8233 | 0.8212 | 0.1561 | 0.0550 |
| 0.5743 | 33.0 | 33000 | 2.4718 | 0.821 | 0.3269 | 2.0593 | 0.821 | 0.8191 | 0.1582 | 0.0578 |
| 0.5694 | 34.0 | 34000 | 2.3638 | 0.8297 | 0.3135 | 2.0746 | 0.8297 | 0.8293 | 0.1484 | 0.0534 |
| 0.5567 | 35.0 | 35000 | 2.3320 | 0.8313 | 0.3054 | 2.0498 | 0.8313 | 0.8311 | 0.1470 | 0.0524 |
| 0.5547 | 36.0 | 36000 | 2.3902 | 0.8293 | 0.3138 | 2.0001 | 0.8293 | 0.8294 | 0.1506 | 0.0513 |
| 0.55 | 37.0 | 37000 | 2.3812 | 0.822 | 0.3239 | 2.0567 | 0.822 | 0.8226 | 0.1560 | 0.0541 |
| 0.5482 | 38.0 | 38000 | 2.3680 | 0.8333 | 0.3063 | 2.0447 | 0.8333 | 0.8332 | 0.1460 | 0.0496 |
| 0.546 | 39.0 | 39000 | 2.3250 | 0.8323 | 0.3051 | 1.9994 | 0.8323 | 0.8315 | 0.1478 | 0.0504 |
| 0.541 | 40.0 | 40000 | 2.3498 | 0.837 | 0.3003 | 2.0228 | 0.8370 | 0.8367 | 0.1456 | 0.0493 |
| 0.5448 | 41.0 | 41000 | 2.3504 | 0.833 | 0.3053 | 1.9875 | 0.833 | 0.8323 | 0.1492 | 0.0532 |
| 0.5365 | 42.0 | 42000 | 2.3421 | 0.8323 | 0.3077 | 2.0985 | 0.8323 | 0.8314 | 0.1477 | 0.0501 |
| 0.5324 | 43.0 | 43000 | 2.2976 | 0.84 | 0.2929 | 1.9862 | 0.8400 | 0.8403 | 0.1418 | 0.0507 |
| 0.5326 | 44.0 | 44000 | 2.3270 | 0.838 | 0.2993 | 2.0043 | 0.838 | 0.8384 | 0.1438 | 0.0521 |
| 0.5303 | 45.0 | 45000 | 2.2919 | 0.839 | 0.2957 | 1.9625 | 0.839 | 0.8395 | 0.1430 | 0.0494 |
| 0.5276 | 46.0 | 46000 | 2.2861 | 0.8397 | 0.2973 | 1.9382 | 0.8397 | 0.8402 | 0.1442 | 0.0512 |
| 0.5279 | 47.0 | 47000 | 2.2930 | 0.8387 | 0.2962 | 1.9738 | 0.8387 | 0.8384 | 0.1456 | 0.0499 |
| 0.5251 | 48.0 | 48000 | 2.2841 | 0.84 | 0.2950 | 1.9888 | 0.8400 | 0.8399 | 0.1441 | 0.0490 |
| 0.5257 | 49.0 | 49000 | 2.2802 | 0.84 | 0.2950 | 1.9827 | 0.8400 | 0.8400 | 0.1443 | 0.0491 |
| 0.5232 | 50.0 | 50000 | 2.2813 | 0.841 | 0.2948 | 1.9789 | 0.841 | 0.8409 | 0.1435 | 0.0496 |
### Framework versions
- Transformers 4.26.1
- Pytorch 1.13.1.post200
- Datasets 2.9.0
- Tokenizers 0.13.2
|
yaya2169/folkloretaylor
|
yaya2169
| 2023-08-04T20:01:52Z | 0 | 0 | null |
[
"region:us"
] | null | 2023-08-04T19:59:07Z |
folklore era taylor
trained off of invisible string, august, hoax, peace
500 epochs, 40k sample rate, RVC v2
|
ShynBui/s11
|
ShynBui
| 2023-08-04T20:01:13Z | 115 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T16:14:26Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s11
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. -->
# s11
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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: 32
- eval_batch_size: 32
- 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.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
34ronker/3D-Animation-Diffusion
|
34ronker
| 2023-08-04T19:56:45Z | 126 | 0 |
diffusers
|
[
"diffusers",
"safetensors",
"license:creativeml-openrail-m",
"autotrain_compatible",
"endpoints_compatible",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-08-04T18:45:09Z |
---
license: creativeml-openrail-m
---
|
ShynBui/s4
|
ShynBui
| 2023-08-04T19:55:22Z | 133 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T15:55:34Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s4
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. -->
# s4
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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: 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
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
Masoumi/llama2-persian-syntran-fa
|
Masoumi
| 2023-08-04T19:55:04Z | 1 | 1 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T19:41:34Z |
---
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
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.5.0.dev0
- PEFT 0.5.0.dev0
|
jeremyvictor/mt5-large-gramatika161k-b16-e10-lr0.001
|
jeremyvictor
| 2023-08-04T19:50:52Z | 3 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"mt5",
"text2text-generation",
"generated_from_trainer",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text2text-generation
| 2023-08-04T03:37:56Z |
---
license: apache-2.0
tags:
- generated_from_trainer
metrics:
- rouge
model-index:
- name: mt5-large-gramatika161k-b16-e10-lr0.001
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. -->
# mt5-large-gramatika161k-b16-e10-lr0.001
This model is a fine-tuned version of [google/mt5-large](https://huggingface.co/google/mt5-large) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.1537
- Rouge1: 70.8264
- Rouge2: 64.518
- Rougel: 70.6934
- Rougelsum: 70.6881
- Gen Len: 18.3298
## 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
- optimizer: Adafactor
- lr_scheduler_type: linear
- num_epochs: 10
### Training results
| Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len |
|:-------------:|:-----:|:-----:|:---------------:|:-------:|:-------:|:-------:|:---------:|:-------:|
| 0.3641 | 0.63 | 5000 | 0.1944 | 69.4204 | 61.9635 | 69.2556 | 69.2477 | 18.3389 |
| 0.1843 | 1.27 | 10000 | 0.1655 | 70.3343 | 63.6924 | 70.1851 | 70.1815 | 18.3377 |
| 0.1359 | 1.9 | 15000 | 0.1537 | 70.8264 | 64.518 | 70.6934 | 70.6881 | 18.3298 |
| 0.0912 | 2.54 | 20000 | 0.1643 | 71.037 | 64.8861 | 70.9075 | 70.9027 | 18.3295 |
| 0.0759 | 3.17 | 25000 | 0.1694 | 71.288 | 65.3505 | 71.1746 | 71.1675 | 18.3314 |
| 0.054 | 3.81 | 30000 | 0.1672 | 71.4356 | 65.5825 | 71.3263 | 71.3199 | 18.3294 |
| 0.0398 | 4.44 | 35000 | 0.1779 | 71.4473 | 65.6798 | 71.343 | 71.3354 | 18.3341 |
| 0.0331 | 5.08 | 40000 | 0.1908 | 71.615 | 65.9285 | 71.5126 | 71.4982 | 18.3344 |
| 0.021 | 5.71 | 45000 | 0.2025 | 71.6252 | 65.9628 | 71.5172 | 71.513 | 18.3317 |
| 0.0167 | 6.35 | 50000 | 0.2107 | 71.6508 | 66.0666 | 71.5547 | 71.542 | 18.3366 |
| 0.0126 | 6.98 | 55000 | 0.2084 | 71.8403 | 66.3396 | 71.7392 | 71.735 | 18.3337 |
| 0.0072 | 7.62 | 60000 | 0.2256 | 71.8659 | 66.388 | 71.7699 | 71.7644 | 18.3330 |
| 0.0057 | 8.25 | 65000 | 0.2578 | 71.9226 | 66.4948 | 71.8279 | 71.8162 | 18.3313 |
| 0.0036 | 8.88 | 70000 | 0.2784 | 71.9279 | 66.5248 | 71.8258 | 71.8149 | 18.3324 |
| 0.0021 | 9.52 | 75000 | 0.3040 | 71.9913 | 66.634 | 71.893 | 71.8844 | 18.3317 |
### Framework versions
- Transformers 4.30.1
- Pytorch 1.11.0a0+b6df043
- Datasets 2.12.0
- Tokenizers 0.13.3
|
josebruzzoni/whisper-small-es-v3
|
josebruzzoni
| 2023-08-04T19:45:25Z | 91 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"whisper",
"automatic-speech-recognition",
"generated_from_trainer",
"base_model:openai/whisper-small",
"base_model:finetune:openai/whisper-small",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
] |
automatic-speech-recognition
| 2023-08-04T13:53:54Z |
---
license: apache-2.0
base_model: openai/whisper-small
tags:
- generated_from_trainer
metrics:
- wer
model-index:
- name: whisper-small-es-v3
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. -->
# whisper-small-es-v3
This model is a fine-tuned version of [openai/whisper-small](https://huggingface.co/openai/whisper-small) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.2706
- Wer: 56.9793
## 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: 8
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- lr_scheduler_warmup_steps: 500
- training_steps: 4000
### Training results
| Training Loss | Epoch | Step | Validation Loss | Wer |
|:-------------:|:-----:|:----:|:---------------:|:-------:|
| 0.2565 | 0.69 | 1000 | 0.2811 | 75.3519 |
| 0.1148 | 1.39 | 2000 | 0.2688 | 42.8365 |
| 0.0473 | 2.08 | 3000 | 0.2701 | 48.2173 |
| 0.0453 | 2.78 | 4000 | 0.2706 | 56.9793 |
### Framework versions
- Transformers 4.32.0.dev0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
kingbri/airolima-chronos-grad-l2-13B
|
kingbri
| 2023-08-04T19:44:10Z | 1,519 | 3 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"llama-2",
"en",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-08-04T06:52:20Z |
---
language:
- en
library_name: transformers
pipeline_tag: text-generation
tags:
- llama
- llama-2
---
# Model Card: airolima-chronos-grad-l2-13B
This is a lora + gradient merge between:
- [Chronos 13b v2](https://huggingface.co/elinas/chronos-13b-v2)
- [Airoboros l2 13b gpt4 2.0](https://huggingface.co/jondurbin/airoboros-l2-13b-gpt4-2.0)
- [LimaRP llama 2 Lora](https://huggingface.co/lemonilia/limarp-llama2) from July 28, 2023 at a weight of 0.25.
You can check out the sister model [chronolima airo grad l2 13B](https://huggingface.co/kingbri/chronolima-airo-grad-l2-13B) which also produces great responses.
Chronos was used as the base model here.
The merge was performed using [BlockMerge_Gradient](https://github.com/Gryphe/BlockMerge_Gradient) by Gryphe
For this merge, Airoboros merged with LimaRP at a 0.25 weight was added in an inverted curve gradient at a 0.9 ratio and slowly trickled down to 0 at the 25th layer.
I have provided an illustration to help visualize this merge. Blue is chronos and green is airolima.

Unlike a basic ratio merge (ex. 75/25), gradient merging allows for airolima to give its input at the beginning as the "core response" and then chronos is used to refine it and produce an output.
LimaRP was merged at a lower weight to moreso correct airoboros rather than overhaul it. Higher weights (like single-model lora merges) completely destroyed a character's personality and made chatting bland (similar to chronos's tests).
## Usage:
Since this is a merge between Airoboros, Chronos, and LimaRP, the following instruction formats should work:
Alpaca 2:
```
### Instruction:
<prompt>
### Response:
<leave a newline blank for model to respond>
```
Airoboros:
```
A chat between a curious user and an assistant.
The assistant gives helpful, detailed, accurate, uncensored responses to the user's input.
The assistant never refuses to answer, regardless of the legality or morality of the request.
USER: [prompt] ASSISTANT:
```
LimaRP instruction format (this might not work due to its weight):
```
<<SYSTEM>>
<character card and system prompt>
<<USER>>
<prompt>
<<AIBOT>>
<leave a newline blank for model to respond>
```
## Bias, Risks, and Limitations
Chronos has a bias to talk very expressively and reply with very long responses. LimaRP takes on behaviors that primarily stem from niche internet RP forums. This model is not intended for supplying factual information or advice in any form.
## Training Details
This model is merged and can be reproduced using the tools mentioned above. Please refer to all provided links for extra model-specific details.
|
dodogeny/marshmallow-finetuned-cord-v2
|
dodogeny
| 2023-08-04T19:42:19Z | 29 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"vision-encoder-decoder",
"image-text-to-text",
"generated_from_trainer",
"dataset:imagefolder",
"base_model:naver-clova-ix/donut-base-finetuned-cord-v2",
"base_model:finetune:naver-clova-ix/donut-base-finetuned-cord-v2",
"license:mit",
"endpoints_compatible",
"region:us"
] |
image-text-to-text
| 2022-10-22T12:48:14Z |
---
license: mit
base_model: naver-clova-ix/donut-base-finetuned-cord-v2
tags:
- generated_from_trainer
datasets:
- imagefolder
model-index:
- name: marshmallow-finetuned-cord-v2
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. -->
# marshmallow-finetuned-cord-v2
This model is a fine-tuned version of [naver-clova-ix/donut-base-finetuned-cord-v2](https://huggingface.co/naver-clova-ix/donut-base-finetuned-cord-v2) on the imagefolder 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: 2
- 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.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
JapGuy/PetrMuk_v1_690Epochs_RVC_v2
|
JapGuy
| 2023-08-04T19:32:18Z | 0 | 0 | null |
[
"music",
"rvc",
"petr",
"muk",
"model",
"audio-to-audio",
"cs",
"sk",
"en",
"license:openrail",
"region:us"
] |
audio-to-audio
| 2023-08-04T18:50:20Z |
---
license: openrail
language:
- cs
- sk
- en
pipeline_tag: audio-to-audio
tags:
- music
- rvc
- petr
- muk
- model
---

# Petr Muk [CZ]
# 690 Epochs - RVC V2 - mangio-creep - 64 Hop Length
Trained on 17 minutes of isolated acapellas using UVR (Main_438 + Reverb HQ) + Audacity to remove parts with double vocals and vocals from others (+Noise Gate)
Isolated acapellas from:
Zrcadlo
Bon soir, mademoiselle Paris
Laska, ta nebezpecna vec
Neusinej
Pul srdce a stin
Stin katedral
Sny zustanou
Tancis sama
Ted zastav cas
|
salohnana2018/ABSA-SentencePair-corrected-domainAdapt-Stack-Semeval-Adapter-pfeiffer-run2
|
salohnana2018
| 2023-08-04T19:28:37Z | 0 | 0 |
adapter-transformers
|
[
"adapter-transformers",
"pytorch",
"tensorboard",
"bert",
"adapterhub:Arabic ABSA/SemEvalHotelReview",
"dataset:Hotel",
"region:us"
] | null | 2023-08-04T18:44:40Z |
---
tags:
- adapter-transformers
- adapterhub:Arabic ABSA/SemEvalHotelReview
- bert
datasets:
- Hotel
---
# Adapter `salohnana2018/ABSA-SentencePair-corrected-domainAdapt-Stack-Semeval-Adapter-pfeiffer-run2` for CAMeL-Lab/bert-base-arabic-camelbert-msa
An [adapter](https://adapterhub.ml) for the `CAMeL-Lab/bert-base-arabic-camelbert-msa` model that was trained on the [Arabic ABSA/SemEvalHotelReview](https://adapterhub.ml/explore/Arabic ABSA/SemEvalHotelReview/) dataset and includes a prediction head for classification.
This adapter was created for usage with the **[adapter-transformers](https://github.com/Adapter-Hub/adapter-transformers)** library.
## Usage
First, install `adapter-transformers`:
```
pip install -U adapter-transformers
```
_Note: adapter-transformers is a fork of transformers that acts as a drop-in replacement with adapter support. [More](https://docs.adapterhub.ml/installation.html)_
Now, the adapter can be loaded and activated like this:
```python
from transformers import AutoAdapterModel
model = AutoAdapterModel.from_pretrained("CAMeL-Lab/bert-base-arabic-camelbert-msa")
adapter_name = model.load_adapter("salohnana2018/ABSA-SentencePair-corrected-domainAdapt-Stack-Semeval-Adapter-pfeiffer-run2", source="hf", set_active=True)
```
## Architecture & Training
<!-- Add some description here -->
## Evaluation results
<!-- Add some description here -->
## Citation
<!-- Add some description here -->
|
jonalkw/dqn-SpaceInvaders
|
jonalkw
| 2023-08-04T19:11:34Z | 3 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"SpaceInvadersNoFrameskip-v4",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T19:10:56Z |
---
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: 628.00 +/- 115.94
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 jonalkw -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 jonalkw -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 jonalkw
```
## Hyperparameters
```python
OrderedDict([('batch_size', 32),
('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'}
```
|
ShynBui/s9
|
ShynBui
| 2023-08-04T19:09:48Z | 117 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T16:14:06Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s9
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. -->
# s9
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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: 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
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
abnv15/finetuned-model
|
abnv15
| 2023-08-04T19:09:02Z | 4 | 0 |
diffusers
|
[
"diffusers",
"tensorboard",
"stable-diffusion-xl",
"stable-diffusion-xl-diffusers",
"text-to-image",
"lora",
"base_model:stabilityai/stable-diffusion-xl-base-0.9",
"base_model:adapter:stabilityai/stable-diffusion-xl-base-0.9",
"license:openrail++",
"region:us"
] |
text-to-image
| 2023-07-18T23:54:57Z |
---
license: openrail++
base_model: stabilityai/stable-diffusion-xl-base-0.9
instance_prompt: a photo of a zxy truck
tags:
- stable-diffusion-xl
- stable-diffusion-xl-diffusers
- text-to-image
- diffusers
- lora
inference: true
---
# LoRA DreamBooth - abnv15/finetuned-model
These are LoRA adaption weights for stabilityai/stable-diffusion-xl-base-0.9. The weights were trained on a photo of a zxy truck 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: None.
|
carascis/yosh
|
carascis
| 2023-08-04T18:46:44Z | 0 | 0 | null |
[
"license:creativeml-openrail-m",
"region:us"
] | null | 2023-08-04T18:45:45Z |
---
license: creativeml-openrail-m
---
|
dariowsz/rl_course_vizdoom_health_gathering_supreme
|
dariowsz
| 2023-08-04T18:40:45Z | 0 | 0 |
sample-factory
|
[
"sample-factory",
"tensorboard",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T18:40:41Z |
---
library_name: sample-factory
tags:
- deep-reinforcement-learning
- reinforcement-learning
- sample-factory
model-index:
- name: APPO
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: doom_health_gathering_supreme
type: doom_health_gathering_supreme
metrics:
- type: mean_reward
value: 11.24 +/- 5.78
name: mean_reward
verified: false
---
A(n) **APPO** model trained on the **doom_health_gathering_supreme** environment.
This model was trained using Sample-Factory 2.0: https://github.com/alex-petrenko/sample-factory.
Documentation for how to use Sample-Factory can be found at https://www.samplefactory.dev/
## Downloading the model
After installing Sample-Factory, download the model with:
```
python -m sample_factory.huggingface.load_from_hub -r dariowsz/rl_course_vizdoom_health_gathering_supreme
```
## Using the model
To run the model after download, use the `enjoy` script corresponding to this environment:
```
python -m .usr.local.lib.python3.10.dist-packages.ipykernel_launcher --algo=APPO --env=doom_health_gathering_supreme --train_dir=./train_dir --experiment=rl_course_vizdoom_health_gathering_supreme
```
You can also upload models to the Hugging Face Hub using the same script with the `--push_to_hub` flag.
See https://www.samplefactory.dev/10-huggingface/huggingface/ for more details
## Training with this model
To continue training with this model, use the `train` script corresponding to this environment:
```
python -m .usr.local.lib.python3.10.dist-packages.ipykernel_launcher --algo=APPO --env=doom_health_gathering_supreme --train_dir=./train_dir --experiment=rl_course_vizdoom_health_gathering_supreme --restart_behavior=resume --train_for_env_steps=10000000000
```
Note, you may have to adjust `--train_for_env_steps` to a suitably high number as the experiment will resume at the number of steps it concluded at.
|
chh6/a2c-PandaReachDense-v2
|
chh6
| 2023-08-04T18:38:57Z | 1 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"PandaReachDense-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T18:35:56Z |
---
library_name: stable-baselines3
tags:
- PandaReachDense-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: A2C
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: PandaReachDense-v2
type: PandaReachDense-v2
metrics:
- type: mean_reward
value: -4.66 +/- 2.47
name: mean_reward
verified: false
---
# **A2C** Agent playing **PandaReachDense-v2**
This is a trained model of a **A2C** agent playing **PandaReachDense-v2**
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
...
```
|
ProteinLimay/llama2-qlora-mol-instruction
|
ProteinLimay
| 2023-08-04T18:35:35Z | 2 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T18:35: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: False
- bnb_4bit_compute_dtype: float16
### Framework versions
- PEFT 0.5.0.dev0
|
gubartz/st_scibert_pmc_sents_full
|
gubartz
| 2023-08-04T18:31:11Z | 6 | 0 |
sentence-transformers
|
[
"sentence-transformers",
"pytorch",
"bert",
"feature-extraction",
"sentence-similarity",
"transformers",
"autotrain_compatible",
"text-embeddings-inference",
"endpoints_compatible",
"region:us"
] |
sentence-similarity
| 2023-08-04T18:30:00Z |
---
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- feature-extraction
- sentence-similarity
- transformers
---
# {MODEL_NAME}
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
<!--- Describe your model here -->
## Usage (Sentence-Transformers)
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
```
pip install -U sentence-transformers
```
Then you can use the model like this:
```python
from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]
model = SentenceTransformer('{MODEL_NAME}')
embeddings = model.encode(sentences)
print(embeddings)
```
## Usage (HuggingFace Transformers)
Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
```python
from transformers import AutoTokenizer, AutoModel
import torch
#Mean Pooling - Take attention mask into account for correct averaging
def mean_pooling(model_output, attention_mask):
token_embeddings = model_output[0] #First element of model_output contains all token embeddings
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
# Sentences we want sentence embeddings for
sentences = ['This is an example sentence', 'Each sentence is converted']
# Load model from HuggingFace Hub
tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
model = AutoModel.from_pretrained('{MODEL_NAME}')
# Tokenize sentences
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
# Compute token embeddings
with torch.no_grad():
model_output = model(**encoded_input)
# Perform pooling. In this case, mean pooling.
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
print("Sentence embeddings:")
print(sentence_embeddings)
```
## Evaluation Results
<!--- Describe how your model was evaluated -->
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
## Training
The model was trained with the parameters:
**DataLoader**:
`torch.utils.data.dataloader.DataLoader` of length 8655 with parameters:
```
{'batch_size': 16, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
```
**Loss**:
`sentence_transformers.losses.BatchAllTripletLoss.BatchAllTripletLoss`
Parameters of the fit()-Method:
```
{
"epochs": 20,
"evaluation_steps": 0,
"evaluator": "sentence_transformers.evaluation.TripletEvaluator.TripletEvaluator",
"max_grad_norm": 1,
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
"optimizer_params": {
"lr": 2e-05
},
"scheduler": "WarmupLinear",
"steps_per_epoch": null,
"warmup_steps": 17310,
"weight_decay": 0.01
}
```
## Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
)
```
## Citing & Authors
<!--- Describe where people can find more information -->
|
javadaslanov/t5-small-finetuned-xsum
|
javadaslanov
| 2023-08-04T18:28:46Z | 103 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T16:45:56Z |
---
license: apache-2.0
base_model: t5-small
tags:
- generated_from_trainer
model-index:
- name: t5-small-finetuned-xsum
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. -->
# t5-small-finetuned-xsum
This model is a fine-tuned version of [t5-small](https://huggingface.co/t5-small) 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: 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: 1
### Training results
| Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:------:|:------:|:------:|:---------:|:-------:|
| No log | 1.0 | 10 | 5.8804 | 8.9554 | 2.7624 | 7.4882 | 8.1312 | 16.9459 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
gubartz/st_minilm_pubmed_rct
|
gubartz
| 2023-08-04T18:25:57Z | 1 | 0 |
sentence-transformers
|
[
"sentence-transformers",
"pytorch",
"bert",
"feature-extraction",
"sentence-similarity",
"autotrain_compatible",
"text-embeddings-inference",
"endpoints_compatible",
"region:us"
] |
sentence-similarity
| 2023-08-04T18:25:47Z |
---
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- feature-extraction
- sentence-similarity
---
# {MODEL_NAME}
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
<!--- Describe your model here -->
## Usage (Sentence-Transformers)
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
```
pip install -U sentence-transformers
```
Then you can use the model like this:
```python
from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]
model = SentenceTransformer('{MODEL_NAME}')
embeddings = model.encode(sentences)
print(embeddings)
```
## Evaluation Results
<!--- Describe how your model was evaluated -->
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
## Training
The model was trained with the parameters:
**DataLoader**:
`torch.utils.data.dataloader.DataLoader` of length 5622 with parameters:
```
{'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
```
**Loss**:
`sentence_transformers.losses.BatchAllTripletLoss.BatchAllTripletLoss`
Parameters of the fit()-Method:
```
{
"epochs": 20,
"evaluation_steps": 0,
"evaluator": "sentence_transformers.evaluation.TripletEvaluator.TripletEvaluator",
"max_grad_norm": 1,
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
"optimizer_params": {
"lr": 2e-05
},
"scheduler": "WarmupLinear",
"steps_per_epoch": null,
"warmup_steps": 11244,
"weight_decay": 0.01
}
```
## Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 256, 'do_lower_case': False}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
(2): Normalize()
)
```
## Citing & Authors
<!--- Describe where people can find more information -->
|
EllieChu/text_classification_yahoo
|
EllieChu
| 2023-08-04T18:25:36Z | 102 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T17:20:43Z |
---
license: apache-2.0
base_model: distilbert-base-uncased
tags:
- generated_from_trainer
metrics:
- accuracy
model-index:
- name: text_classification_yahoo
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_classification_yahoo
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:
- Loss: 0.8263
- Accuracy: 0.7439
## 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: 32
- eval_batch_size: 32
- 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.8566 | 1.0 | 1500 | 0.8376 | 0.7388 |
| 0.7251 | 2.0 | 3000 | 0.8263 | 0.7439 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
MYNDDD/DavidAttenborough
|
MYNDDD
| 2023-08-04T18:12:09Z | 0 | 0 | null |
[
"region:us"
] | null | 2023-08-04T18:08:25Z |
David Attenborough - RVC V2 (650 Epochs)
This model was trained on ~55 minutes of audio
|
10ths/lit-125m-lora
|
10ths
| 2023-08-04T18:11:20Z | 0 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-08-04T18:11:17Z |
---
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.5.0.dev0
|
alisha-huss/genz_model1
|
alisha-huss
| 2023-08-04T18:01:48Z | 103 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T17:33:41Z |
---
license: apache-2.0
base_model: t5-small
tags:
- generated_from_trainer
metrics:
- bleu
model-index:
- name: genz_model1
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. -->
# genz_model1
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.1491
- Bleu: 40.8929
- Gen Len: 14.9556
## 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: 50
### Training results
| Training Loss | Epoch | Step | Validation Loss | Bleu | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:-------:|:-------:|
| No log | 1.0 | 107 | 1.7641 | 33.597 | 15.1495 |
| No log | 2.0 | 214 | 1.6673 | 34.361 | 15.3435 |
| No log | 3.0 | 321 | 1.6087 | 34.5695 | 15.4369 |
| No log | 4.0 | 428 | 1.5600 | 35.2399 | 15.3528 |
| 1.8047 | 5.0 | 535 | 1.5171 | 35.6103 | 15.4743 |
| 1.8047 | 6.0 | 642 | 1.4851 | 36.0011 | 15.4369 |
| 1.8047 | 7.0 | 749 | 1.4512 | 35.9925 | 15.5234 |
| 1.8047 | 8.0 | 856 | 1.4261 | 36.2647 | 15.5117 |
| 1.8047 | 9.0 | 963 | 1.3992 | 36.0587 | 15.6005 |
| 1.5488 | 10.0 | 1070 | 1.3831 | 36.1956 | 15.4836 |
| 1.5488 | 11.0 | 1177 | 1.3626 | 36.409 | 15.4743 |
| 1.5488 | 12.0 | 1284 | 1.3432 | 36.6838 | 15.486 |
| 1.5488 | 13.0 | 1391 | 1.3293 | 36.4639 | 15.4696 |
| 1.5488 | 14.0 | 1498 | 1.3148 | 36.7266 | 15.4416 |
| 1.4212 | 15.0 | 1605 | 1.3005 | 36.8887 | 15.4556 |
| 1.4212 | 16.0 | 1712 | 1.2903 | 37.1891 | 15.3902 |
| 1.4212 | 17.0 | 1819 | 1.2763 | 37.6121 | 15.3972 |
| 1.4212 | 18.0 | 1926 | 1.2620 | 37.5425 | 15.4743 |
| 1.3223 | 19.0 | 2033 | 1.2561 | 37.9319 | 15.3341 |
| 1.3223 | 20.0 | 2140 | 1.2492 | 38.1299 | 15.2874 |
| 1.3223 | 21.0 | 2247 | 1.2381 | 38.364 | 15.3061 |
| 1.3223 | 22.0 | 2354 | 1.2314 | 38.9094 | 15.2523 |
| 1.3223 | 23.0 | 2461 | 1.2265 | 38.5676 | 15.2383 |
| 1.2631 | 24.0 | 2568 | 1.2159 | 39.0735 | 15.25 |
| 1.2631 | 25.0 | 2675 | 1.2125 | 38.7736 | 15.2383 |
| 1.2631 | 26.0 | 2782 | 1.2052 | 39.4841 | 15.1308 |
| 1.2631 | 27.0 | 2889 | 1.1987 | 39.3427 | 15.1612 |
| 1.2631 | 28.0 | 2996 | 1.1952 | 39.5887 | 15.1285 |
| 1.2042 | 29.0 | 3103 | 1.1932 | 39.4991 | 15.1192 |
| 1.2042 | 30.0 | 3210 | 1.1867 | 40.1521 | 15.1005 |
| 1.2042 | 31.0 | 3317 | 1.1812 | 40.3359 | 15.1285 |
| 1.2042 | 32.0 | 3424 | 1.1777 | 40.2795 | 15.0748 |
| 1.1701 | 33.0 | 3531 | 1.1748 | 40.3198 | 15.0561 |
| 1.1701 | 34.0 | 3638 | 1.1711 | 40.2025 | 15.0397 |
| 1.1701 | 35.0 | 3745 | 1.1693 | 40.4234 | 15.0514 |
| 1.1701 | 36.0 | 3852 | 1.1678 | 40.5943 | 14.9977 |
| 1.1701 | 37.0 | 3959 | 1.1645 | 40.6919 | 15.0023 |
| 1.1371 | 38.0 | 4066 | 1.1612 | 40.6628 | 14.9743 |
| 1.1371 | 39.0 | 4173 | 1.1592 | 40.6584 | 14.965 |
| 1.1371 | 40.0 | 4280 | 1.1581 | 40.5589 | 14.9626 |
| 1.1371 | 41.0 | 4387 | 1.1555 | 40.6157 | 14.9907 |
| 1.1371 | 42.0 | 4494 | 1.1546 | 40.868 | 14.9743 |
| 1.1203 | 43.0 | 4601 | 1.1527 | 40.6054 | 14.9977 |
| 1.1203 | 44.0 | 4708 | 1.1518 | 40.7963 | 14.9883 |
| 1.1203 | 45.0 | 4815 | 1.1509 | 40.7776 | 14.9766 |
| 1.1203 | 46.0 | 4922 | 1.1502 | 40.7738 | 14.9556 |
| 1.1103 | 47.0 | 5029 | 1.1499 | 40.8814 | 14.9579 |
| 1.1103 | 48.0 | 5136 | 1.1495 | 40.9137 | 14.9533 |
| 1.1103 | 49.0 | 5243 | 1.1493 | 40.8929 | 14.9556 |
| 1.1103 | 50.0 | 5350 | 1.1491 | 40.8929 | 14.9556 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
ilikethighs/genz_model2
|
ilikethighs
| 2023-08-04T18:01:47Z | 103 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T17:29:09Z |
---
license: apache-2.0
base_model: t5-small
tags:
- generated_from_trainer
metrics:
- bleu
model-index:
- name: genz_model2
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. -->
# genz_model2
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.1282
- Bleu: 40.1672
- Gen Len: 15.25
## 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: 50
### Training results
| Training Loss | Epoch | Step | Validation Loss | Bleu | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:-------:|:-------:|
| No log | 1.0 | 107 | 1.9410 | 28.2848 | 15.4509 |
| No log | 2.0 | 214 | 1.7415 | 32.3881 | 15.3645 |
| No log | 3.0 | 321 | 1.6506 | 32.8796 | 15.5374 |
| No log | 4.0 | 428 | 1.5856 | 33.1982 | 15.5748 |
| 1.9676 | 5.0 | 535 | 1.5352 | 34.3335 | 15.4556 |
| 1.9676 | 6.0 | 642 | 1.4929 | 34.962 | 15.5187 |
| 1.9676 | 7.0 | 749 | 1.4595 | 35.459 | 15.535 |
| 1.9676 | 8.0 | 856 | 1.4316 | 35.6253 | 15.5421 |
| 1.9676 | 9.0 | 963 | 1.4066 | 35.9011 | 15.4953 |
| 1.5695 | 10.0 | 1070 | 1.3838 | 36.5102 | 15.4907 |
| 1.5695 | 11.0 | 1177 | 1.3608 | 36.2464 | 15.5631 |
| 1.5695 | 12.0 | 1284 | 1.3410 | 36.3368 | 15.5748 |
| 1.5695 | 13.0 | 1391 | 1.3238 | 37.2607 | 15.493 |
| 1.5695 | 14.0 | 1498 | 1.3092 | 36.9306 | 15.5234 |
| 1.4322 | 15.0 | 1605 | 1.2943 | 37.2516 | 15.5701 |
| 1.4322 | 16.0 | 1712 | 1.2812 | 37.9106 | 15.4696 |
| 1.4322 | 17.0 | 1819 | 1.2694 | 38.0468 | 15.4907 |
| 1.4322 | 18.0 | 1926 | 1.2559 | 38.0982 | 15.4836 |
| 1.3384 | 19.0 | 2033 | 1.2455 | 38.5418 | 15.4556 |
| 1.3384 | 20.0 | 2140 | 1.2375 | 38.2567 | 15.4463 |
| 1.3384 | 21.0 | 2247 | 1.2285 | 38.3496 | 15.3972 |
| 1.3384 | 22.0 | 2354 | 1.2182 | 38.6696 | 15.4393 |
| 1.3384 | 23.0 | 2461 | 1.2092 | 38.6524 | 15.4182 |
| 1.2646 | 24.0 | 2568 | 1.2013 | 38.5694 | 15.4346 |
| 1.2646 | 25.0 | 2675 | 1.1947 | 38.8347 | 15.4065 |
| 1.2646 | 26.0 | 2782 | 1.1893 | 38.7466 | 15.3738 |
| 1.2646 | 27.0 | 2889 | 1.1840 | 38.8294 | 15.3855 |
| 1.2646 | 28.0 | 2996 | 1.1795 | 38.8043 | 15.3738 |
| 1.2144 | 29.0 | 3103 | 1.1722 | 38.9285 | 15.3995 |
| 1.2144 | 30.0 | 3210 | 1.1691 | 39.1174 | 15.3435 |
| 1.2144 | 31.0 | 3317 | 1.1646 | 39.2841 | 15.3341 |
| 1.2144 | 32.0 | 3424 | 1.1612 | 39.1613 | 15.2687 |
| 1.1741 | 33.0 | 3531 | 1.1581 | 39.2741 | 15.2921 |
| 1.1741 | 34.0 | 3638 | 1.1528 | 39.3863 | 15.3014 |
| 1.1741 | 35.0 | 3745 | 1.1501 | 39.5385 | 15.264 |
| 1.1741 | 36.0 | 3852 | 1.1465 | 39.7548 | 15.2897 |
| 1.1741 | 37.0 | 3959 | 1.1448 | 39.8433 | 15.25 |
| 1.1518 | 38.0 | 4066 | 1.1415 | 39.8777 | 15.2243 |
| 1.1518 | 39.0 | 4173 | 1.1398 | 40.0676 | 15.2453 |
| 1.1518 | 40.0 | 4280 | 1.1384 | 40.0178 | 15.2033 |
| 1.1518 | 41.0 | 4387 | 1.1348 | 39.8617 | 15.278 |
| 1.1518 | 42.0 | 4494 | 1.1336 | 39.9387 | 15.2664 |
| 1.1216 | 43.0 | 4601 | 1.1322 | 40.1468 | 15.257 |
| 1.1216 | 44.0 | 4708 | 1.1314 | 40.0534 | 15.257 |
| 1.1216 | 45.0 | 4815 | 1.1305 | 40.1604 | 15.257 |
| 1.1216 | 46.0 | 4922 | 1.1297 | 40.1344 | 15.2523 |
| 1.112 | 47.0 | 5029 | 1.1290 | 40.1921 | 15.2617 |
| 1.112 | 48.0 | 5136 | 1.1285 | 40.2545 | 15.25 |
| 1.112 | 49.0 | 5243 | 1.1283 | 40.1672 | 15.25 |
| 1.112 | 50.0 | 5350 | 1.1282 | 40.1672 | 15.25 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
archie-kay/finalgenz
|
archie-kay
| 2023-08-04T18:01:39Z | 103 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T17:24:03Z |
---
license: apache-2.0
base_model: t5-small
tags:
- generated_from_trainer
metrics:
- bleu
model-index:
- name: finalgenz
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. -->
# finalgenz
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.2203
- Bleu: 40.3273
- Gen Len: 15.1799
## 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: 50
### Training results
| Training Loss | Epoch | Step | Validation Loss | Bleu | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:-------:|:-------:|
| No log | 1.0 | 107 | 1.9829 | 29.4484 | 15.4626 |
| No log | 2.0 | 214 | 1.7854 | 34.3033 | 15.3762 |
| No log | 3.0 | 321 | 1.6918 | 34.328 | 15.6005 |
| No log | 4.0 | 428 | 1.6259 | 34.9122 | 15.6355 |
| 1.9708 | 5.0 | 535 | 1.5824 | 35.7506 | 15.5234 |
| 1.9708 | 6.0 | 642 | 1.5423 | 36.1821 | 15.5631 |
| 1.9708 | 7.0 | 749 | 1.5127 | 36.4014 | 15.5935 |
| 1.9708 | 8.0 | 856 | 1.4867 | 36.6811 | 15.5023 |
| 1.9708 | 9.0 | 963 | 1.4611 | 36.7295 | 15.493 |
| 1.5688 | 10.0 | 1070 | 1.4387 | 36.7706 | 15.4533 |
| 1.5688 | 11.0 | 1177 | 1.4229 | 37.2131 | 15.3808 |
| 1.5688 | 12.0 | 1284 | 1.4026 | 36.7912 | 15.3879 |
| 1.5688 | 13.0 | 1391 | 1.3865 | 37.3493 | 15.3435 |
| 1.5688 | 14.0 | 1498 | 1.3732 | 37.5175 | 15.3528 |
| 1.4261 | 15.0 | 1605 | 1.3587 | 37.2673 | 15.2827 |
| 1.4261 | 16.0 | 1712 | 1.3476 | 37.432 | 15.3668 |
| 1.4261 | 17.0 | 1819 | 1.3386 | 37.7461 | 15.3318 |
| 1.4261 | 18.0 | 1926 | 1.3277 | 37.2703 | 15.3598 |
| 1.3271 | 19.0 | 2033 | 1.3173 | 37.2506 | 15.4463 |
| 1.3271 | 20.0 | 2140 | 1.3120 | 38.1016 | 15.3294 |
| 1.3271 | 21.0 | 2247 | 1.3060 | 38.2439 | 15.285 |
| 1.3271 | 22.0 | 2354 | 1.2969 | 38.2214 | 15.3341 |
| 1.3271 | 23.0 | 2461 | 1.2901 | 38.3322 | 15.2921 |
| 1.2495 | 24.0 | 2568 | 1.2821 | 38.4395 | 15.3037 |
| 1.2495 | 25.0 | 2675 | 1.2780 | 38.483 | 15.2523 |
| 1.2495 | 26.0 | 2782 | 1.2722 | 38.5899 | 15.278 |
| 1.2495 | 27.0 | 2889 | 1.2682 | 38.7772 | 15.2103 |
| 1.2495 | 28.0 | 2996 | 1.2635 | 38.964 | 15.2126 |
| 1.1999 | 29.0 | 3103 | 1.2576 | 39.236 | 15.215 |
| 1.1999 | 30.0 | 3210 | 1.2532 | 38.9925 | 15.1752 |
| 1.1999 | 31.0 | 3317 | 1.2509 | 38.8058 | 15.1986 |
| 1.1999 | 32.0 | 3424 | 1.2474 | 39.1842 | 15.2173 |
| 1.1609 | 33.0 | 3531 | 1.2425 | 39.6325 | 15.2547 |
| 1.1609 | 34.0 | 3638 | 1.2405 | 39.5175 | 15.2407 |
| 1.1609 | 35.0 | 3745 | 1.2371 | 39.4547 | 15.222 |
| 1.1609 | 36.0 | 3852 | 1.2363 | 39.3411 | 15.1986 |
| 1.1609 | 37.0 | 3959 | 1.2341 | 39.5572 | 15.2266 |
| 1.1278 | 38.0 | 4066 | 1.2306 | 39.7315 | 15.243 |
| 1.1278 | 39.0 | 4173 | 1.2299 | 39.9935 | 15.2383 |
| 1.1278 | 40.0 | 4280 | 1.2283 | 39.8349 | 15.2033 |
| 1.1278 | 41.0 | 4387 | 1.2257 | 40.0669 | 15.2196 |
| 1.1278 | 42.0 | 4494 | 1.2247 | 39.8818 | 15.2079 |
| 1.107 | 43.0 | 4601 | 1.2241 | 40.2504 | 15.1846 |
| 1.107 | 44.0 | 4708 | 1.2225 | 40.2175 | 15.2126 |
| 1.107 | 45.0 | 4815 | 1.2219 | 40.1115 | 15.2009 |
| 1.107 | 46.0 | 4922 | 1.2212 | 40.1396 | 15.1916 |
| 1.0941 | 47.0 | 5029 | 1.2208 | 40.1478 | 15.1963 |
| 1.0941 | 48.0 | 5136 | 1.2205 | 40.171 | 15.1846 |
| 1.0941 | 49.0 | 5243 | 1.2203 | 40.2113 | 15.1659 |
| 1.0941 | 50.0 | 5350 | 1.2203 | 40.3273 | 15.1799 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
ShynBui/s3
|
ShynBui
| 2023-08-04T17:59:57Z | 116 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"bert",
"question-answering",
"generated_from_trainer",
"dataset:squad_v2",
"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-08-04T15:27:20Z |
---
license: apache-2.0
base_model: bert-base-cased
tags:
- generated_from_trainer
datasets:
- squad_v2
model-index:
- name: s3
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. -->
# s3
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the squad_v2 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: 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
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
Fynd/llamav2_intent_entity_test
|
Fynd
| 2023-08-04T17:53:27Z | 1 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-07-17T06:54:56Z |
---
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: bfloat16
### Framework versions
- PEFT 0.5.0.dev0
|
GCruz19/Gen_Z_Model
|
GCruz19
| 2023-08-04T17:52:39Z | 106 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T17:31:42Z |
---
license: apache-2.0
base_model: t5-small
tags:
- generated_from_trainer
metrics:
- bleu
model-index:
- name: Gen_Z_Model
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. -->
# Gen_Z_Model
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.2083
- Bleu: 38.8455
- Gen Len: 15.0467
## 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: 50
### Training results
| Training Loss | Epoch | Step | Validation Loss | Bleu | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:-------:|:-------:|
| No log | 1.0 | 107 | 1.9909 | 28.2199 | 15.1893 |
| No log | 2.0 | 214 | 1.7933 | 32.7292 | 15.2734 |
| No log | 3.0 | 321 | 1.7042 | 33.0586 | 15.3575 |
| No log | 4.0 | 428 | 1.6409 | 33.5589 | 15.3294 |
| 1.9663 | 5.0 | 535 | 1.5944 | 34.0231 | 15.3084 |
| 1.9663 | 6.0 | 642 | 1.5542 | 34.5356 | 15.2453 |
| 1.9663 | 7.0 | 749 | 1.5204 | 34.5257 | 15.3178 |
| 1.9663 | 8.0 | 856 | 1.4949 | 35.0464 | 15.2664 |
| 1.9663 | 9.0 | 963 | 1.4656 | 34.8031 | 15.3692 |
| 1.563 | 10.0 | 1070 | 1.4452 | 34.8213 | 15.3248 |
| 1.563 | 11.0 | 1177 | 1.4273 | 34.8319 | 15.3715 |
| 1.563 | 12.0 | 1284 | 1.4041 | 34.6139 | 15.528 |
| 1.563 | 13.0 | 1391 | 1.3904 | 34.8305 | 15.4439 |
| 1.563 | 14.0 | 1498 | 1.3747 | 35.4972 | 15.5327 |
| 1.4209 | 15.0 | 1605 | 1.3619 | 35.7394 | 15.4322 |
| 1.4209 | 16.0 | 1712 | 1.3493 | 35.6452 | 15.4206 |
| 1.4209 | 17.0 | 1819 | 1.3369 | 35.8997 | 15.4276 |
| 1.4209 | 18.0 | 1926 | 1.3255 | 35.8844 | 15.4416 |
| 1.3222 | 19.0 | 2033 | 1.3168 | 35.8468 | 15.465 |
| 1.3222 | 20.0 | 2140 | 1.3074 | 36.3525 | 15.3621 |
| 1.3222 | 21.0 | 2247 | 1.2993 | 37.2694 | 15.2453 |
| 1.3222 | 22.0 | 2354 | 1.2925 | 37.3457 | 15.2593 |
| 1.3222 | 23.0 | 2461 | 1.2842 | 37.3279 | 15.236 |
| 1.2566 | 24.0 | 2568 | 1.2805 | 37.4183 | 15.2056 |
| 1.2566 | 25.0 | 2675 | 1.2750 | 37.7844 | 15.1939 |
| 1.2566 | 26.0 | 2782 | 1.2684 | 37.8613 | 15.1799 |
| 1.2566 | 27.0 | 2889 | 1.2626 | 37.8746 | 15.1519 |
| 1.2566 | 28.0 | 2996 | 1.2562 | 38.017 | 15.1495 |
| 1.1991 | 29.0 | 3103 | 1.2536 | 38.1961 | 15.1145 |
| 1.1991 | 30.0 | 3210 | 1.2473 | 38.2285 | 15.0981 |
| 1.1991 | 31.0 | 3317 | 1.2429 | 38.214 | 15.1028 |
| 1.1991 | 32.0 | 3424 | 1.2397 | 38.5427 | 15.0467 |
| 1.1655 | 33.0 | 3531 | 1.2353 | 38.2303 | 15.1121 |
| 1.1655 | 34.0 | 3638 | 1.2344 | 38.5399 | 15.1285 |
| 1.1655 | 35.0 | 3745 | 1.2288 | 38.4536 | 15.1005 |
| 1.1655 | 36.0 | 3852 | 1.2263 | 38.7325 | 15.0794 |
| 1.1655 | 37.0 | 3959 | 1.2237 | 38.7098 | 15.1051 |
| 1.1306 | 38.0 | 4066 | 1.2202 | 38.6696 | 15.1215 |
| 1.1306 | 39.0 | 4173 | 1.2182 | 38.8038 | 15.0771 |
| 1.1306 | 40.0 | 4280 | 1.2171 | 38.846 | 15.0561 |
| 1.1306 | 41.0 | 4387 | 1.2162 | 38.7233 | 15.0257 |
| 1.1306 | 42.0 | 4494 | 1.2144 | 38.7516 | 15.0327 |
| 1.1103 | 43.0 | 4601 | 1.2136 | 39.1562 | 15.0304 |
| 1.1103 | 44.0 | 4708 | 1.2115 | 38.9924 | 15.021 |
| 1.1103 | 45.0 | 4815 | 1.2104 | 39.0094 | 15.035 |
| 1.1103 | 46.0 | 4922 | 1.2097 | 38.9355 | 15.0421 |
| 1.0979 | 47.0 | 5029 | 1.2087 | 38.8939 | 15.0561 |
| 1.0979 | 48.0 | 5136 | 1.2087 | 38.8412 | 15.0491 |
| 1.0979 | 49.0 | 5243 | 1.2084 | 38.8575 | 15.0561 |
| 1.0979 | 50.0 | 5350 | 1.2083 | 38.8455 | 15.0467 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
gubartz/st_scibert_abstruct
|
gubartz
| 2023-08-04T17:49:54Z | 41 | 0 |
sentence-transformers
|
[
"sentence-transformers",
"pytorch",
"bert",
"feature-extraction",
"sentence-similarity",
"transformers",
"autotrain_compatible",
"text-embeddings-inference",
"endpoints_compatible",
"region:us"
] |
sentence-similarity
| 2023-08-04T17:49:43Z |
---
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- feature-extraction
- sentence-similarity
- transformers
---
# {MODEL_NAME}
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
<!--- Describe your model here -->
## Usage (Sentence-Transformers)
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
```
pip install -U sentence-transformers
```
Then you can use the model like this:
```python
from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]
model = SentenceTransformer('{MODEL_NAME}')
embeddings = model.encode(sentences)
print(embeddings)
```
## Usage (HuggingFace Transformers)
Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
```python
from transformers import AutoTokenizer, AutoModel
import torch
#Mean Pooling - Take attention mask into account for correct averaging
def mean_pooling(model_output, attention_mask):
token_embeddings = model_output[0] #First element of model_output contains all token embeddings
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
# Sentences we want sentence embeddings for
sentences = ['This is an example sentence', 'Each sentence is converted']
# Load model from HuggingFace Hub
tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
model = AutoModel.from_pretrained('{MODEL_NAME}')
# Tokenize sentences
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
# Compute token embeddings
with torch.no_grad():
model_output = model(**encoded_input)
# Perform pooling. In this case, mean pooling.
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
print("Sentence embeddings:")
print(sentence_embeddings)
```
## Evaluation Results
<!--- Describe how your model was evaluated -->
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
## Training
The model was trained with the parameters:
**DataLoader**:
`torch.utils.data.dataloader.DataLoader` of length 352 with parameters:
```
{'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
```
**Loss**:
`sentence_transformers.losses.BatchAllTripletLoss.BatchAllTripletLoss`
Parameters of the fit()-Method:
```
{
"epochs": 20,
"evaluation_steps": 0,
"evaluator": "sentence_transformers.evaluation.TripletEvaluator.TripletEvaluator",
"max_grad_norm": 1,
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
"optimizer_params": {
"lr": 2e-05
},
"scheduler": "WarmupLinear",
"steps_per_epoch": null,
"warmup_steps": 704,
"weight_decay": 0.01
}
```
## Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
)
```
## Citing & Authors
<!--- Describe where people can find more information -->
|
gubartz/st_minilm_abstruct
|
gubartz
| 2023-08-04T17:48:53Z | 5 | 0 |
sentence-transformers
|
[
"sentence-transformers",
"pytorch",
"bert",
"feature-extraction",
"sentence-similarity",
"autotrain_compatible",
"text-embeddings-inference",
"endpoints_compatible",
"region:us"
] |
sentence-similarity
| 2023-08-04T17:47:28Z |
---
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- feature-extraction
- sentence-similarity
---
# {MODEL_NAME}
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
<!--- Describe your model here -->
## Usage (Sentence-Transformers)
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
```
pip install -U sentence-transformers
```
Then you can use the model like this:
```python
from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]
model = SentenceTransformer('{MODEL_NAME}')
embeddings = model.encode(sentences)
print(embeddings)
```
## Evaluation Results
<!--- Describe how your model was evaluated -->
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
## Training
The model was trained with the parameters:
**DataLoader**:
`torch.utils.data.dataloader.DataLoader` of length 352 with parameters:
```
{'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
```
**Loss**:
`sentence_transformers.losses.BatchAllTripletLoss.BatchAllTripletLoss`
Parameters of the fit()-Method:
```
{
"epochs": 20,
"evaluation_steps": 0,
"evaluator": "sentence_transformers.evaluation.TripletEvaluator.TripletEvaluator",
"max_grad_norm": 1,
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
"optimizer_params": {
"lr": 2e-05
},
"scheduler": "WarmupLinear",
"steps_per_epoch": null,
"warmup_steps": 704,
"weight_decay": 0.01
}
```
## Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 256, 'do_lower_case': False}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
(2): Normalize()
)
```
## Citing & Authors
<!--- Describe where people can find more information -->
|
guidoivetta/my_awesome_model
|
guidoivetta
| 2023-08-04T17:47:47Z | 105 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T16:42:47Z |
---
license: apache-2.0
base_model: distilbert-base-uncased
tags:
- generated_from_trainer
datasets:
- imdb
metrics:
- accuracy
model-index:
- name: my_awesome_model
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.93208
---
<!-- 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. -->
# my_awesome_model
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.2217
- Accuracy: 0.9321
## 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.2252 | 1.0 | 1563 | 0.2415 | 0.9121 |
| 0.1543 | 2.0 | 3126 | 0.2217 | 0.9321 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
chh6/a2c-AntBulletEnv-v0
|
chh6
| 2023-08-04T17:41:05Z | 2 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"AntBulletEnv-v0",
"deep-reinforcement-learning",
"reinforcement-learning",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T17:39:50Z |
---
library_name: stable-baselines3
tags:
- AntBulletEnv-v0
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
model-index:
- name: A2C
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: AntBulletEnv-v0
type: AntBulletEnv-v0
metrics:
- type: mean_reward
value: 1237.58 +/- 103.76
name: mean_reward
verified: false
---
# **A2C** Agent playing **AntBulletEnv-v0**
This is a trained model of a **A2C** agent playing **AntBulletEnv-v0**
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
...
```
|
Ritori/Yue_tacotron2
|
Ritori
| 2023-08-04T17:41:03Z | 4 | 1 |
transformers
|
[
"transformers",
"endpoints_compatible",
"region:us"
] | null | 2023-07-10T21:11:42Z |
---
title: TTS_Yui
app_file: try.py
sdk: gradio
sdk_version: 3.36.1
---
# Tacotron2-Japanese
- Tacotron2 implementation of Japanese
## Links
* Reference: [NVIDIA/tacotron2](https://github.com/NVIDIA/tacotron2)
* [Pre-training tacotron2 models](https://github.com/CjangCjengh/TTSModels)
* [latest changes can be viewed in this repository](https://github.com/StarxSky/tacotron2-JP)
## How to use
1. Put raw Japanese texts in ./filelists
2. Put WAV files in ./wav
3. (Optional) Download NVIDIA's [pretrained model](https://drive.google.com/file/d/1c5ZTuT7J08wLUoVZ2KkUs_VdZuJ86ZqA/view?usp=sharing)
4. Open ./train.ipynb to install requirements and start training
5. Download NVIDIA's [WaveGlow model](https://drive.google.com/open?id=1rpK8CzAAirq9sWZhe9nlfvxMF1dRgFbF)
6. Open ./inference.ipynb to generate voice
## Cleaners
File ./hparams.py line 30
### 1. 'japanese_cleaners'
#### Before
何かあったらいつでも話して下さい。学院のことじゃなく、私事に関することでも何でも
#### After
nanikaacltaraitsudemohanashItekudasai.gakuiNnokotojanaku,shijinikaNsurukotodemonanidemo.
### 2. 'japanese_tokenization_cleaners'
#### Before
何かあったらいつでも話して下さい。学院のことじゃなく、私事に関することでも何でも
#### After
nani ka acl tara itsu demo hanashi te kudasai. gakuiN no koto ja naku, shiji nikaNsuru koto de mo naNdemo.
### 3. 'japanese_accent_cleaners'
#### Before
何かあったらいつでも話して下さい。学院のことじゃなく、私事に関することでも何でも
#### After
:na)nika a)cltara i)tsudemo ha(na)shIte ku(dasa)i.:ga(kuiNno ko(to)janaku,:shi)jini ka(Nsu)ru ko(to)demo na)nidemo.
### 4. 'japanese_phrase_cleaners'
#### Before
何かあったらいつでも話して下さい。学院のことじゃなく、私事に関することでも何でも
#### After
nanika acltara itsudemo hanashIte kudasai. gakuiNno kotojanaku, shijini kaNsuru kotodemo nanidemo.
|
ethannhzhouu/genz_model1
|
ethannhzhouu
| 2023-08-04T17:40:08Z | 101 | 0 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"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-08-04T17:22:48Z |
---
license: apache-2.0
base_model: t5-small
tags:
- generated_from_trainer
metrics:
- bleu
model-index:
- name: genz_model1
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. -->
# genz_model1
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.2337
- Bleu: 37.5629
- Gen Len: 15.215
## 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: 50
### Training results
| Training Loss | Epoch | Step | Validation Loss | Bleu | Gen Len |
|:-------------:|:-----:|:----:|:---------------:|:-------:|:-------:|
| No log | 1.0 | 107 | 2.0122 | 27.3045 | 15.4416 |
| No log | 2.0 | 214 | 1.8166 | 32.1348 | 15.285 |
| No log | 3.0 | 321 | 1.7273 | 32.6473 | 15.4603 |
| No log | 4.0 | 428 | 1.6669 | 32.8528 | 15.514 |
| 1.9696 | 5.0 | 535 | 1.6214 | 33.6367 | 15.507 |
| 1.9696 | 6.0 | 642 | 1.5815 | 33.5927 | 15.4743 |
| 1.9696 | 7.0 | 749 | 1.5481 | 34.0762 | 15.5 |
| 1.9696 | 8.0 | 856 | 1.5236 | 34.3891 | 15.4416 |
| 1.9696 | 9.0 | 963 | 1.4948 | 34.0203 | 15.4673 |
| 1.56 | 10.0 | 1070 | 1.4733 | 33.9927 | 15.4416 |
| 1.56 | 11.0 | 1177 | 1.4559 | 34.468 | 15.3972 |
| 1.56 | 12.0 | 1284 | 1.4334 | 34.3625 | 15.3785 |
| 1.56 | 13.0 | 1391 | 1.4167 | 34.721 | 15.3388 |
| 1.56 | 14.0 | 1498 | 1.4017 | 34.7409 | 15.4136 |
| 1.4159 | 15.0 | 1605 | 1.3886 | 34.7995 | 15.3738 |
| 1.4159 | 16.0 | 1712 | 1.3733 | 34.7944 | 15.3879 |
| 1.4159 | 17.0 | 1819 | 1.3627 | 35.0969 | 15.4089 |
| 1.4159 | 18.0 | 1926 | 1.3517 | 35.157 | 15.3505 |
| 1.3203 | 19.0 | 2033 | 1.3452 | 34.9134 | 15.2126 |
| 1.3203 | 20.0 | 2140 | 1.3325 | 35.5535 | 15.3084 |
| 1.3203 | 21.0 | 2247 | 1.3268 | 35.9899 | 15.2056 |
| 1.3203 | 22.0 | 2354 | 1.3163 | 36.1116 | 15.243 |
| 1.3203 | 23.0 | 2461 | 1.3115 | 36.2296 | 15.1752 |
| 1.2505 | 24.0 | 2568 | 1.3038 | 36.5635 | 15.2056 |
| 1.2505 | 25.0 | 2675 | 1.2996 | 36.7848 | 15.2243 |
| 1.2505 | 26.0 | 2782 | 1.2914 | 36.3015 | 15.2336 |
| 1.2505 | 27.0 | 2889 | 1.2856 | 36.73 | 15.2664 |
| 1.2505 | 28.0 | 2996 | 1.2810 | 36.8486 | 15.2897 |
| 1.1949 | 29.0 | 3103 | 1.2780 | 37.1042 | 15.243 |
| 1.1949 | 30.0 | 3210 | 1.2729 | 37.1394 | 15.2617 |
| 1.1949 | 31.0 | 3317 | 1.2673 | 36.9584 | 15.2967 |
| 1.1949 | 32.0 | 3424 | 1.2637 | 37.4488 | 15.2547 |
| 1.156 | 33.0 | 3531 | 1.2607 | 37.3112 | 15.278 |
| 1.156 | 34.0 | 3638 | 1.2573 | 37.5048 | 15.2313 |
| 1.156 | 35.0 | 3745 | 1.2532 | 37.4771 | 15.2967 |
| 1.156 | 36.0 | 3852 | 1.2512 | 37.4967 | 15.3014 |
| 1.156 | 37.0 | 3959 | 1.2494 | 37.5326 | 15.236 |
| 1.1272 | 38.0 | 4066 | 1.2470 | 37.5807 | 15.2266 |
| 1.1272 | 39.0 | 4173 | 1.2455 | 37.5478 | 15.229 |
| 1.1272 | 40.0 | 4280 | 1.2435 | 37.7117 | 15.236 |
| 1.1272 | 41.0 | 4387 | 1.2402 | 37.3874 | 15.2547 |
| 1.1272 | 42.0 | 4494 | 1.2389 | 37.584 | 15.243 |
| 1.11 | 43.0 | 4601 | 1.2377 | 37.5384 | 15.2336 |
| 1.11 | 44.0 | 4708 | 1.2364 | 37.5339 | 15.2453 |
| 1.11 | 45.0 | 4815 | 1.2362 | 37.5626 | 15.229 |
| 1.11 | 46.0 | 4922 | 1.2355 | 37.518 | 15.222 |
| 1.0999 | 47.0 | 5029 | 1.2343 | 37.5847 | 15.243 |
| 1.0999 | 48.0 | 5136 | 1.2339 | 37.5871 | 15.2313 |
| 1.0999 | 49.0 | 5243 | 1.2338 | 37.5592 | 15.236 |
| 1.0999 | 50.0 | 5350 | 1.2337 | 37.5629 | 15.215 |
### Framework versions
- Transformers 4.31.0
- Pytorch 2.0.1+cu118
- Datasets 2.14.3
- Tokenizers 0.13.3
|
LarryAIDraw/KujouSara
|
LarryAIDraw
| 2023-08-04T17:39:41Z | 0 | 0 | null |
[
"license:creativeml-openrail-m",
"region:us"
] | null | 2023-08-04T17:13:51Z |
---
license: creativeml-openrail-m
---
https://civitai.com/models/117612/kujou-sara-genshin-impact
|
LarryAIDraw/saitou_miyako_v1
|
LarryAIDraw
| 2023-08-04T17:39:03Z | 0 | 0 | null |
[
"license:creativeml-openrail-m",
"region:us"
] | null | 2023-08-04T17:11:29Z |
---
license: creativeml-openrail-m
---
https://civitai.com/models/122529/saitou-miyako-oshi-no-ko
|
LarryAIDraw/nearltry-05
|
LarryAIDraw
| 2023-08-04T17:38:50Z | 0 | 0 | null |
[
"license:creativeml-openrail-m",
"region:us"
] | null | 2023-08-04T17:11:07Z |
---
license: creativeml-openrail-m
---
https://civitai.com/models/122519/nearl-or-arknights-or-lora
|
rogetxtapai/llama-2-7b-miniguanaco-one
|
rogetxtapai
| 2023-08-04T17:35:11Z | 4 | 0 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"dataset:rogetxtapai/guanaco-llama2-1k",
"license:apache-2.0",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-08-03T13:43:35Z |
---
license: apache-2.0
datasets:
- rogetxtapai/guanaco-llama2-1k
pipeline_tag: text-generation
---
# 🦙 rogetxtapai/llama-2-7b-miniguanaco-one
🗣️ Model created via Large Language Model Course by @maximelabonne
📝 [Article](https://towardsdatascience.com/fine-tune-your-own-llama-2-model-in-a-colab-notebook-df9823a04a32) |
|
dariowsz/ppo-LunarLander-v2-from-scratch
|
dariowsz
| 2023-08-04T17:34:47Z | 0 | 0 | null |
[
"tensorboard",
"LunarLander-v2",
"ppo",
"deep-reinforcement-learning",
"reinforcement-learning",
"custom-implementation",
"deep-rl-course",
"model-index",
"region:us"
] |
reinforcement-learning
| 2023-08-04T17:34:42Z |
---
tags:
- LunarLander-v2
- ppo
- deep-reinforcement-learning
- reinforcement-learning
- custom-implementation
- deep-rl-course
model-index:
- name: PPO
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: LunarLander-v2
type: LunarLander-v2
metrics:
- type: mean_reward
value: -147.23 +/- 112.59
name: mean_reward
verified: false
---
# PPO Agent Playing LunarLander-v2
This is a trained model of a PPO agent playing LunarLander-v2.
# Hyperparameters
```python
{'exp_name': 'ppo'
'seed': 1
'torch_deterministic': True
'cuda': True
'track': False
'wandb_project_name': 'cleanRL'
'wandb_entity': None
'capture_video': False
'env_id': 'LunarLander-v2'
'total_timesteps': 50000
'learning_rate': 0.00025
'num_envs': 4
'num_steps': 128
'anneal_lr': True
'gae': True
'gamma': 0.99
'gae_lambda': 0.95
'num_minibatches': 4
'update_epochs': 4
'norm_adv': True
'clip_coef': 0.2
'clip_vloss': True
'ent_coef': 0.01
'vf_coef': 0.5
'max_grad_norm': 0.5
'target_kl': None
'repo_id': 'dariowsz/ppo-LunarLander-v2-from-scratch'
'batch_size': 512
'minibatch_size': 128}
```
|
Aspik101/StableBeluga-13B-instruct-PL-lora_unload
|
Aspik101
| 2023-08-04T17:33:25Z | 1,620 | 1 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"facebook",
"meta",
"llama-2",
"pl",
"dataset:Lajonbot/alpaca-dolly-chrisociepa-instruction-only-polish",
"license:other",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2023-08-04T17:19:48Z |
---
language:
- pl
datasets:
- Lajonbot/alpaca-dolly-chrisociepa-instruction-only-polish
license: other
model_type: llama-2
pipeline_tag: text-generation
tags:
- facebook
- meta
- pytorch
- llama
- llama-2
---
|
Subsets and Splits
Filtered Qwen2.5 Distill Models
Identifies specific configurations of models by filtering cards that contain 'distill', 'qwen2.5', '7b' while excluding certain base models and incorrect model ID patterns, uncovering unique model variants.
Filtered Model Cards Count
Finds the count of entries with specific card details that include 'distill', 'qwen2.5', '7b' but exclude certain base models, revealing valuable insights about the dataset's content distribution.
Filtered Distill Qwen 7B Models
Filters for specific card entries containing 'distill', 'qwen', and '7b', excluding certain strings and patterns, to identify relevant model configurations.
Filtered Qwen-7b Model Cards
The query performs a detailed filtering based on specific keywords and excludes certain entries, which could be useful for identifying a specific subset of cards but does not provide deeper insights or trends.
Filtered Qwen 7B Model Cards
The query filters for specific terms related to "distilled" or "distill", "qwen", and "7b" in the 'card' column but excludes certain base models, providing a limited set of entries for further inspection.
Qwen 7B Distilled Models
The query provides a basic filtering of records to find specific card names that include keywords related to distilled Qwen 7b models, excluding a particular base model, which gives limited insight but helps in focusing on relevant entries.
Qwen 7B Distilled Model Cards
The query filters data based on specific keywords in the modelId and card fields, providing limited insight primarily useful for locating specific entries rather than revealing broad patterns or trends.
Qwen 7B Distilled Models
Finds all entries containing the terms 'distilled', 'qwen', and '7b' in a case-insensitive manner, providing a filtered set of records but without deeper analysis.
Distilled Qwen 7B Models
The query filters for specific model IDs containing 'distilled', 'qwen', and '7b', providing a basic retrieval of relevant entries but without deeper analysis or insight.
Filtered Model Cards with Distill Qwen2.
Filters and retrieves records containing specific keywords in the card description while excluding certain phrases, providing a basic count of relevant entries.
Filtered Model Cards with Distill Qwen 7
The query filters specific variations of card descriptions containing 'distill', 'qwen', and '7b' while excluding a particular base model, providing limited but specific data retrieval.
Distill Qwen 7B Model Cards
The query filters and retrieves rows where the 'card' column contains specific keywords ('distill', 'qwen', and '7b'), providing a basic filter result that can help in identifying specific entries.