modelId
stringlengths
5
139
author
stringlengths
2
42
last_modified
timestamp[us, tz=UTC]date
2020-02-15 11:33:14
2025-08-29 00:38:39
downloads
int64
0
223M
likes
int64
0
11.7k
library_name
stringclasses
525 values
tags
listlengths
1
4.05k
pipeline_tag
stringclasses
55 values
createdAt
timestamp[us, tz=UTC]date
2022-03-02 23:29:04
2025-08-29 00:38:28
card
stringlengths
11
1.01M
GleghornLab/cdsBERT-plus
GleghornLab
2023-10-24T15:30:04Z
6
6
transformers
[ "transformers", "pytorch", "bert", "feature-extraction", "protein language model", "biology", "dataset:CCDS", "dataset:Ensembl", "license:cc-by-nc-2.0", "endpoints_compatible", "region:us" ]
feature-extraction
2023-09-13T18:56:18Z
--- license: cc-by-nc-2.0 library_name: transformers datasets: - CCDS - Ensembl pipeline_tag: feature-extraction tags: - protein language model - biology widget: - text: >- ( Z E V L P Y G D E K L S P Y G D G G D V G Q I F s C B L Q D T N N F F G A g Q N K % O P K L G Q I G % S K % u u i e d d R i d D V L k n ( T D K @ p p ^ v example_title: Feature extraction --- # cdsBERT <img src="https://cdn-uploads.huggingface.co/production/uploads/62f2bd3bdb7cbd214b658c48/yA-f7tnvNNV52DK2QYNq_.png" width="350"> ## Model description [cdsBERT+](https://doi.org/10.1101/2023.09.15.558027) is a pLM with a codon vocabulary that was seeded with [ProtBERT](https://huggingface.co/Rostlab/prot_bert_bfd) and trained with a novel vocabulary extension pipeline called MELD. cdsBERT+ offers a highly biologically relevant latent space with excellent EC number prediction surpassing ProtBERT. Specifically, this is the half-precision checkpoint after student-teacher knowledge distillation with Ankh-base. ## How to use ```python # Imports import re import torch import torch.nn.functional as F from transformers import BertModel, BertTokenizer model = BertModel.from_pretrained('lhallee/cdsBERT') # load model tokenizer = BertTokenizer.from_pretrained('lhallee/cdsBERT') # load tokenizer device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') # gather device model.to(device) # move to device model.eval() # put in eval mode sequence = '(ZEVLPYGDEKLSPYGDGGDVGQIFsC#LQDTNNFFGAgQNK%OPKLGQIG%SK%uuieddRidDVLkn(TDK@pp^v]' # CCDS207.1|Hs110|chr1 sequence = ' '.join(list(sequence)) # need spaces in-between codons example = tokenizer(sequence, return_tensors='pt', padding=False).to(device) # tokenize example with torch.no_grad(): matrix_embedding = model(**example).last_hidden_state.cpu() vector_embedding = matrix_embedding.mean(dim=0) ``` ## Intended use and limitations cdsBERT+ serves as a general-purpose protein language model with a codon vocabulary. Fine-tuning with Huggingface transformers models like BertForSequenceClassification enables downstream classification and regression tasks. Currently, the base capability enables feature extraction. The based checkpoint after MLM, cdsBERT, can conduct mask-filling. ## Our lab The [Gleghorn lab](https://www.gleghornlab.com/) is an interdisciplinary research group at the University of Delaware that focuses on solving translational problems with our expertise in engineering, biology, and chemistry. We develop inexpensive and reliable tools to study organ development, maternal-fetal health, and drug delivery. Recently we have begun exploration into protein language models and strive to make protein design and annotation accessible. ## Please cite @article {Hallee_cds_2023, author = {Logan Hallee, Nikolaos Rafailidis, and Jason P. Gleghorn}, title = {cdsBERT - Extending Protein Language Models with Codon Awareness}, year = {2023}, doi = {10.1101/2023.09.15.558027}, publisher = {Cold Spring Harbor Laboratory}, journal = {bioRxiv} }
GleghornLab/cdsBERT
GleghornLab
2023-10-24T15:29:54Z
64
2
transformers
[ "transformers", "pytorch", "bert", "fill-mask", "protein language model", "biology", "dataset:CCDS", "dataset:Ensembl", "license:cc-by-nc-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2023-09-29T16:06:02Z
--- license: cc-by-nc-2.0 library_name: transformers datasets: - CCDS - Ensembl pipeline_tag: fill-mask tags: - protein language model - biology widget: - text: >- ( Z [MASK] V L P Y G D E K L S P Y G D G G D V G Q I F s C B L Q D T N N F F G A g Q N K % O P K L G Q I G % S K % u u i e d d R i d D V L k n ( T D K @ p p ^ v example_title: Fill mask (E) --- # cdsBERT <img src="https://cdn-uploads.huggingface.co/production/uploads/62f2bd3bdb7cbd214b658c48/yA-f7tnvNNV52DK2QYNq_.png" width="350"> ## Model description [cdsBERT](https://doi.org/10.1101/2023.09.15.558027) is a pLM with a codon vocabulary that was seeded with [ProtBERT](https://huggingface.co/Rostlab/prot_bert_bfd) and trained with a novel vocabulary extension pipeline called MELD. cdsBERT offers a highly biologically relevant latent space with excellent EC number prediction. Specifically, this is the full-precision checkpoint after the MLM objective on 4 million CDS examples. ## How to use ```python # Imports import torch from transformers import BertForMaskedLM, BertTokenizer, pipeline model = BertForMaskedLM.from_pretrained('lhallee/cdsBERT') # load model tokenizer = BertTokenizer.from_pretrained('lhallee/cdsBERT') # load tokenizer device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') # gather device model.to(device) # move to device model.eval() # put in eval mode sequence = '( Z [MASK] V L P Y G D E K L S P Y G D G G D V G Q I F s C # L Q D T N N F F G A g Q N K % O P K L G Q I G % S K % u u i e d d R i d D V L k n ( T D K @ p p ^ v ]' # CCDS207.1|Hs110|chr1 # Create a fill-mask prediction pipeline unmasker = pipeline('fill-mask', model=model, tokenizer=tokenizer) # Predict the masked token prediction = unmasker(sequence) print(prediction) ``` ## Intended use and limitations cdsBERT serves as a general-purpose protein language model with a codon vocabulary. Fine-tuning with Huggingface transformers models like BertForSequenceClassification enables downstream classification and regression tasks. Currently, the base capability enables feature extraction. This checkpoint after MLM can conduct mask-filling, while the cdsBERT+ checkpoint has a more biochemically relevant latent space. ## Our lab The [Gleghorn lab](https://www.gleghornlab.com/) is an interdisciplinary research group at the University of Delaware that focuses on solving translational problems with our expertise in engineering, biology, and chemistry. We develop inexpensive and reliable tools to study organ development, maternal-fetal health, and drug delivery. Recently we have begun exploration into protein language models and strive to make protein design and annotation accessible. ## Please cite @article {Hallee_cds_2023, author = {Logan Hallee, Nikolaos Rafailidis, and Jason P. Gleghorn}, title = {cdsBERT - Extending Protein Language Models with Codon Awareness}, year = {2023}, doi = {10.1101/2023.09.15.558027}, publisher = {Cold Spring Harbor Laboratory}, journal = {bioRxiv} }
BenjaminOcampo/t5-small_rouge_finetuned_sbic
BenjaminOcampo
2023-10-24T15:27:08Z
3
0
transformers
[ "transformers", "pytorch", "t5", "text2text-generation", "generated_from_trainer", "base_model:google-t5/t5-small", "base_model:finetune:google-t5/t5-small", "license:apache-2.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2023-10-24T15:26:56Z
--- license: apache-2.0 base_model: t5-small tags: - generated_from_trainer metrics: - rouge model-index: - name: t5-small_rouge_finetuned_sbic 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_rouge_finetuned_sbic 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: 0.0640 - Rouge1: 77.8685 - Rouge2: 74.5217 - Rougel: 77.8247 - Rougelsum: 77.8156 - Gen Len: 19.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: 5e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len | |:-------------:|:-----:|:----:|:---------------:|:-------:|:-------:|:-------:|:---------:|:-------:| | 0.0809 | 0.5 | 1000 | 0.0727 | 76.9035 | 72.8715 | 76.8453 | 76.84 | 19.0 | | 0.0745 | 1.01 | 2000 | 0.0685 | 77.4372 | 73.7627 | 77.4008 | 77.3853 | 19.0 | | 0.0739 | 1.51 | 3000 | 0.0659 | 77.8732 | 74.4368 | 77.8305 | 77.8222 | 19.0 | | 0.0725 | 2.01 | 4000 | 0.0647 | 77.8991 | 74.4654 | 77.8536 | 77.8484 | 19.0 | | 0.0696 | 2.51 | 5000 | 0.0640 | 77.8685 | 74.5217 | 77.8247 | 77.8156 | 19.0 | ### Framework versions - Transformers 4.34.1 - Pytorch 2.1.0+cu118 - Datasets 2.14.6 - Tokenizers 0.14.1
yashsharma0906/Llama-2-7b-SHP-SFT
yashsharma0906
2023-10-24T15:23:16Z
1,333
0
transformers
[ "transformers", "safetensors", "llama", "text-generation", "license:mit", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2023-10-24T02:36:05Z
--- license: mit --- Llama-2-7b finetuned on SHP dataset using TRL library. This project aims to study the impact of different data splits on model performance and safety. By experimenting with diverse datasets and employing advanced fine-tuning techniques, we aim to advance the understanding of how data impacts the training of LLMs in terms of safety and helpfulness. We hope that our findings will contribute to safer and more useful AI models, aligning them more closely with human values.
leksa-pramheda/orca_mini_3B_code-generation
leksa-pramheda
2023-10-24T15:07:16Z
0
0
peft
[ "peft", "llama", "region:us" ]
null
2023-10-22T08:22:54Z
--- 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: bfloat16 ### Framework versions - PEFT 0.4.0
OsherElhadad/ppo-LunarLander-v2
OsherElhadad
2023-10-24T14:51:57Z
0
0
stable-baselines3
[ "stable-baselines3", "LunarLander-v2", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2023-10-24T14:51:36Z
--- 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: 261.48 +/- 19.23 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 ... ```
dot-ammar/dotlessv_maskV2_model-base
dot-ammar
2023-10-24T14:49:11Z
4
0
transformers
[ "transformers", "tf", "distilbert", "fill-mask", "generated_from_keras_callback", "base_model:distilbert/distilbert-base-multilingual-cased", "base_model:finetune:distilbert/distilbert-base-multilingual-cased", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2023-10-24T03:09:21Z
--- license: apache-2.0 base_model: distilbert-base-multilingual-cased tags: - generated_from_keras_callback model-index: - name: dot-ammar/dotlessv_maskV2_model-base results: [] --- <!-- This model card has been generated automatically according to the information Keras had access to. You should probably proofread and complete it, then remove this comment. --> # dot-ammar/dotlessv_maskV2_model-base This model is a fine-tuned version of [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased) on an unknown dataset. It achieves the following results on the evaluation set: - Train Loss: 5.0516 - Validation Loss: 4.7834 - Epoch: 2 ## 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: - optimizer: {'name': 'AdamWeightDecay', 'learning_rate': 2e-05, 'decay': 0.0, 'beta_1': 0.9, 'beta_2': 0.999, 'epsilon': 1e-07, 'amsgrad': False, 'weight_decay_rate': 0.01} - training_precision: float32 ### Training results | Train Loss | Validation Loss | Epoch | |:----------:|:---------------:|:-----:| | 6.4785 | 5.7280 | 0 | | 5.5066 | 5.1215 | 1 | | 5.0516 | 4.7834 | 2 | ### Framework versions - Transformers 4.33.0 - TensorFlow 2.12.0 - Datasets 2.1.0 - Tokenizers 0.13.3
TheBloke/Llama-2-7B-32K-Instruct-GGUF
TheBloke
2023-10-24T14:35:33Z
909
55
transformers
[ "transformers", "gguf", "llama", "en", "dataset:togethercomputer/llama-instruct", "arxiv:2307.03172", "base_model:togethercomputer/Llama-2-7B-32K-Instruct", "base_model:quantized:togethercomputer/Llama-2-7B-32K-Instruct", "license:llama2", "region:us" ]
null
2023-09-05T23:33:29Z
--- language: - en license: llama2 library_name: transformers datasets: - togethercomputer/llama-instruct model_name: Llama2 7B 32K Instruct base_model: togethercomputer/Llama-2-7B-32K-Instruct inference: false model_creator: Together model_type: llama prompt_template: '[INST] {prompt} [\INST] ' quantized_by: TheBloke --- <!-- header start --> <!-- 200823 --> <div style="width: auto; margin-left: auto; margin-right: auto"> <img src="https://i.imgur.com/EBdldam.jpg" alt="TheBlokeAI" style="width: 100%; min-width: 400px; display: block; margin: auto;"> </div> <div style="display: flex; justify-content: space-between; width: 100%;"> <div style="display: flex; flex-direction: column; align-items: flex-start;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://discord.gg/theblokeai">Chat & support: TheBloke's Discord server</a></p> </div> <div style="display: flex; flex-direction: column; align-items: flex-end;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://www.patreon.com/TheBlokeAI">Want to contribute? TheBloke's Patreon page</a></p> </div> </div> <div style="text-align:center; margin-top: 0em; margin-bottom: 0em"><p style="margin-top: 0.25em; margin-bottom: 0em;">TheBloke's LLM work is generously supported by a grant from <a href="https://a16z.com">andreessen horowitz (a16z)</a></p></div> <hr style="margin-top: 1.0em; margin-bottom: 1.0em;"> <!-- header end --> # Llama2 7B 32K Instruct - GGUF - Model creator: [Together](https://huggingface.co/togethercomputer) - Original model: [Llama2 7B 32K Instruct](https://huggingface.co/togethercomputer/Llama-2-7B-32K-Instruct) <!-- description start --> ## Description This repo contains GGUF format model files for [Together's Llama2 7B 32K Instruct](https://huggingface.co/togethercomputer/Llama-2-7B-32K-Instruct). <!-- description end --> <!-- README_GGUF.md-about-gguf start --> ### About GGUF GGUF is a new format introduced by the llama.cpp team on August 21st 2023. It is a replacement for GGML, which is no longer supported by llama.cpp. GGUF offers numerous advantages over GGML, such as better tokenisation, and support for special tokens. It is also supports metadata, and is designed to be extensible. Here is an incomplate list of clients and libraries that are known to support GGUF: * [llama.cpp](https://github.com/ggerganov/llama.cpp). The source project for GGUF. Offers a CLI and a server option. * [text-generation-webui](https://github.com/oobabooga/text-generation-webui), the most widely used web UI, with many features and powerful extensions. Supports GPU acceleration. * [KoboldCpp](https://github.com/LostRuins/koboldcpp), a fully featured web UI, with GPU accel across all platforms and GPU architectures. Especially good for story telling. * [LM Studio](https://lmstudio.ai/), an easy-to-use and powerful local GUI for Windows and macOS (Silicon), with GPU acceleration. * [LoLLMS Web UI](https://github.com/ParisNeo/lollms-webui), a great web UI with many interesting and unique features, including a full model library for easy model selection. * [Faraday.dev](https://faraday.dev/), an attractive and easy to use character-based chat GUI for Windows and macOS (both Silicon and Intel), with GPU acceleration. * [ctransformers](https://github.com/marella/ctransformers), a Python library with GPU accel, LangChain support, and OpenAI-compatible AI server. * [llama-cpp-python](https://github.com/abetlen/llama-cpp-python), a Python library with GPU accel, LangChain support, and OpenAI-compatible API server. * [candle](https://github.com/huggingface/candle), a Rust ML framework with a focus on performance, including GPU support, and ease of use. <!-- README_GGUF.md-about-gguf end --> <!-- repositories-available start --> ## Repositories available * [AWQ model(s) for GPU inference.](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-AWQ) * [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GPTQ) * [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF) * [Together's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/togethercomputer/Llama-2-7B-32K-Instruct) <!-- repositories-available end --> <!-- prompt-template start --> ## Prompt template: Llama2-Instruct-Only ``` [INST] {prompt} [\INST] ``` <!-- prompt-template end --> <!-- compatibility_gguf start --> ## Compatibility These quantised GGUFv2 files are compatible with llama.cpp from August 27th onwards, as of commit [d0cee0d36d5be95a0d9088b674dbb27354107221](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) They are also compatible with many third party UIs and libraries - please see the list at the top of this README. ## Explanation of quantisation methods <details> <summary>Click to see details</summary> The new methods available are: * GGML_TYPE_Q2_K - "type-1" 2-bit quantization in super-blocks containing 16 blocks, each block having 16 weight. Block scales and mins are quantized with 4 bits. This ends up effectively using 2.5625 bits per weight (bpw) * GGML_TYPE_Q3_K - "type-0" 3-bit quantization in super-blocks containing 16 blocks, each block having 16 weights. Scales are quantized with 6 bits. This end up using 3.4375 bpw. * GGML_TYPE_Q4_K - "type-1" 4-bit quantization in super-blocks containing 8 blocks, each block having 32 weights. Scales and mins are quantized with 6 bits. This ends up using 4.5 bpw. * GGML_TYPE_Q5_K - "type-1" 5-bit quantization. Same super-block structure as GGML_TYPE_Q4_K resulting in 5.5 bpw * GGML_TYPE_Q6_K - "type-0" 6-bit quantization. Super-blocks with 16 blocks, each block having 16 weights. Scales are quantized with 8 bits. This ends up using 6.5625 bpw Refer to the Provided Files table below to see what files use which methods, and how. </details> <!-- compatibility_gguf end --> <!-- README_GGUF.md-provided-files start --> ## Provided files | Name | Quant method | Bits | Size | Max RAM required | Use case | | ---- | ---- | ---- | ---- | ---- | ----- | | [llama-2-7b-32k-instruct.Q2_K.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q2_K.gguf) | Q2_K | 2 | 2.83 GB| 5.33 GB | smallest, significant quality loss - not recommended for most purposes | | [llama-2-7b-32k-instruct.Q3_K_S.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q3_K_S.gguf) | Q3_K_S | 3 | 2.95 GB| 5.45 GB | very small, high quality loss | | [llama-2-7b-32k-instruct.Q3_K_M.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q3_K_M.gguf) | Q3_K_M | 3 | 3.30 GB| 5.80 GB | very small, high quality loss | | [llama-2-7b-32k-instruct.Q3_K_L.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q3_K_L.gguf) | Q3_K_L | 3 | 3.60 GB| 6.10 GB | small, substantial quality loss | | [llama-2-7b-32k-instruct.Q4_0.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q4_0.gguf) | Q4_0 | 4 | 3.83 GB| 6.33 GB | legacy; small, very high quality loss - prefer using Q3_K_M | | [llama-2-7b-32k-instruct.Q4_K_S.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q4_K_S.gguf) | Q4_K_S | 4 | 3.86 GB| 6.36 GB | small, greater quality loss | | [llama-2-7b-32k-instruct.Q4_K_M.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q4_K_M.gguf) | Q4_K_M | 4 | 4.08 GB| 6.58 GB | medium, balanced quality - recommended | | [llama-2-7b-32k-instruct.Q5_0.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q5_0.gguf) | Q5_0 | 5 | 4.65 GB| 7.15 GB | legacy; medium, balanced quality - prefer using Q4_K_M | | [llama-2-7b-32k-instruct.Q5_K_S.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q5_K_S.gguf) | Q5_K_S | 5 | 4.65 GB| 7.15 GB | large, low quality loss - recommended | | [llama-2-7b-32k-instruct.Q5_K_M.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q5_K_M.gguf) | Q5_K_M | 5 | 4.78 GB| 7.28 GB | large, very low quality loss - recommended | | [llama-2-7b-32k-instruct.Q6_K.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q6_K.gguf) | Q6_K | 6 | 5.53 GB| 8.03 GB | very large, extremely low quality loss | | [llama-2-7b-32k-instruct.Q8_0.gguf](https://huggingface.co/TheBloke/Llama-2-7B-32K-Instruct-GGUF/blob/main/llama-2-7b-32k-instruct.Q8_0.gguf) | Q8_0 | 8 | 7.16 GB| 9.66 GB | very large, extremely low quality loss - not recommended | **Note**: the above RAM figures assume no GPU offloading. If layers are offloaded to the GPU, this will reduce RAM usage and use VRAM instead. <!-- README_GGUF.md-provided-files end --> <!-- README_GGUF.md-how-to-download start --> ## How to download GGUF files **Note for manual downloaders:** You almost never want to clone the entire repo! Multiple different quantisation formats are provided, and most users only want to pick and download a single file. The following clients/libraries will automatically download models for you, providing a list of available models to choose from: - LM Studio - LoLLMS Web UI - Faraday.dev ### In `text-generation-webui` Under Download Model, you can enter the model repo: TheBloke/Llama-2-7B-32K-Instruct-GGUF and below it, a specific filename to download, such as: llama-2-7b-32k-instruct.q4_K_M.gguf. Then click Download. ### On the command line, including multiple files at once I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub>=0.17.1 ``` Then you can download any individual model file to the current directory, at high speed, with a command like this: ```shell huggingface-cli download TheBloke/Llama-2-7B-32K-Instruct-GGUF llama-2-7b-32k-instruct.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` <details> <summary>More advanced huggingface-cli download usage</summary> You can also download multiple files at once with a pattern: ```shell huggingface-cli download TheBloke/Llama-2-7B-32K-Instruct-GGUF --local-dir . --local-dir-use-symlinks False --include='*Q4_K*gguf' ``` For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell HUGGINGFACE_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download TheBloke/Llama-2-7B-32K-Instruct-GGUF llama-2-7b-32k-instruct.Q4_K_M.gguf --local-dir . --local-dir-use-symlinks False ``` Windows CLI users: Use `set HUGGINGFACE_HUB_ENABLE_HF_TRANSFER=1` before running the download command. </details> <!-- README_GGUF.md-how-to-download end --> <!-- README_GGUF.md-how-to-run start --> ## Example `llama.cpp` command Make sure you are using `llama.cpp` from commit [d0cee0d36d5be95a0d9088b674dbb27354107221](https://github.com/ggerganov/llama.cpp/commit/d0cee0d36d5be95a0d9088b674dbb27354107221) or later. ```shell ./main -ngl 32 -m llama-2-7b-32k-instruct.Q4_K_M.gguf --color -c 4096 --temp 0.7 --repeat_penalty 1.1 -n -1 -p "[INST]\n{prompt}\n[\INST]" ``` Change `-ngl 32` to the number of layers to offload to GPU. Remove it if you don't have GPU acceleration. Change `-c 4096` to the desired sequence length. For extended sequence models - eg 8K, 16K, 32K - the necessary RoPE scaling parameters are read from the GGUF file and set by llama.cpp automatically. If you want to have a chat-style conversation, replace the `-p <PROMPT>` argument with `-i -ins` For other parameters and how to use them, please refer to [the llama.cpp documentation](https://github.com/ggerganov/llama.cpp/blob/master/examples/main/README.md) ## How to run in `text-generation-webui` Further instructions here: [text-generation-webui/docs/llama.cpp.md](https://github.com/oobabooga/text-generation-webui/blob/main/docs/llama.cpp.md). ## How to run from Python code You can use GGUF models from Python using the [llama-cpp-python](https://github.com/abetlen/llama-cpp-python) or [ctransformers](https://github.com/marella/ctransformers) libraries. ### How to load this model from Python using ctransformers #### First install the package ```bash # Base ctransformers with no GPU acceleration pip install ctransformers>=0.2.24 # Or with CUDA GPU acceleration pip install ctransformers[cuda]>=0.2.24 # Or with ROCm GPU acceleration CT_HIPBLAS=1 pip install ctransformers>=0.2.24 --no-binary ctransformers # Or with Metal GPU acceleration for macOS systems CT_METAL=1 pip install ctransformers>=0.2.24 --no-binary ctransformers ``` #### Simple example code to load one of these GGUF models ```python from ctransformers import AutoModelForCausalLM # Set gpu_layers to the number of layers to offload to GPU. Set to 0 if no GPU acceleration is available on your system. llm = AutoModelForCausalLM.from_pretrained("TheBloke/Llama-2-7B-32K-Instruct-GGUF", model_file="llama-2-7b-32k-instruct.Q4_K_M.gguf", model_type="llama", gpu_layers=50) print(llm("AI is going to")) ``` ## How to use with LangChain Here's guides on using llama-cpp-python or ctransformers with LangChain: * [LangChain + llama-cpp-python](https://python.langchain.com/docs/integrations/llms/llamacpp) * [LangChain + ctransformers](https://python.langchain.com/docs/integrations/providers/ctransformers) <!-- README_GGUF.md-how-to-run end --> <!-- footer start --> <!-- 200823 --> ## Discord For further support, and discussions on these models and AI in general, join us at: [TheBloke AI's Discord server](https://discord.gg/theblokeai) ## Thanks, and how to contribute Thanks to the [chirper.ai](https://chirper.ai) team! Thanks to Clay from [gpus.llm-utils.org](llm-utils)! I've had a lot of people ask if they can contribute. I enjoy providing models and helping people, and would love to be able to spend even more time doing it, as well as expanding into new projects like fine tuning/training. If you're able and willing to contribute it will be most gratefully received and will help me to keep providing more models, and to start work on new AI projects. Donaters will get priority support on any and all AI/LLM/model questions and requests, access to a private Discord room, plus other benefits. * Patreon: https://patreon.com/TheBlokeAI * Ko-Fi: https://ko-fi.com/TheBlokeAI **Special thanks to**: Aemon Algiz. **Patreon special mentions**: Alicia Loh, Stephen Murray, K, Ajan Kanaga, RoA, Magnesian, Deo Leter, Olakabola, Eugene Pentland, zynix, Deep Realms, Raymond Fosdick, Elijah Stavena, Iucharbius, Erik Bjäreholt, Luis Javier Navarrete Lozano, Nicholas, theTransient, John Detwiler, alfie_i, knownsqashed, Mano Prime, Willem Michiel, Enrico Ros, LangChain4j, OG, Michael Dempsey, Pierre Kircher, Pedro Madruga, James Bentley, Thomas Belote, Luke @flexchar, Leonard Tan, Johann-Peter Hartmann, Illia Dulskyi, Fen Risland, Chadd, S_X, Jeff Scroggin, Ken Nordquist, Sean Connelly, Artur Olbinski, Swaroop Kallakuri, Jack West, Ai Maven, David Ziegler, Russ Johnson, transmissions 11, John Villwock, Alps Aficionado, Clay Pascal, Viktor Bowallius, Subspace Studios, Rainer Wilmers, Trenton Dambrowitz, vamX, Michael Levine, 준교 김, Brandon Frisco, Kalila, Trailburnt, Randy H, Talal Aujan, Nathan Dryer, Vadim, 阿明, ReadyPlayerEmma, Tiffany J. Kim, George Stoitzev, Spencer Kim, Jerry Meng, Gabriel Tamborski, Cory Kujawski, Jeffrey Morgan, Spiking Neurons AB, Edmond Seymore, Alexandros Triantafyllidis, Lone Striker, Cap'n Zoog, Nikolai Manek, danny, ya boyyy, Derek Yates, usrbinkat, Mandus, TL, Nathan LeClaire, subjectnull, Imad Khwaja, webtim, Raven Klaugh, Asp the Wyvern, Gabriel Puliatti, Caitlyn Gatomon, Joseph William Delisle, Jonathan Leane, Luke Pendergrass, SuperWojo, Sebastain Graf, Will Dee, Fred von Graf, Andrey, Dan Guido, Daniel P. Andersen, Nitin Borwankar, Elle, Vitor Caleffi, biorpg, jjj, NimbleBox.ai, Pieter, Matthew Berman, terasurfer, Michael Davis, Alex, Stanislav Ovsiannikov Thank you to all my generous patrons and donaters! And thank you again to a16z for their generous grant. <!-- footer end --> <!-- original-model-card start --> # Original model card: Together's Llama2 7B 32K Instruct # Llama-2-7B-32K-Instruct ## Model Description Llama-2-7B-32K-Instruct is an open-source, long-context chat model finetuned from [Llama-2-7B-32K](https://huggingface.co/togethercomputer/Llama-2-7B-32K), over high-quality instruction and chat data. We built Llama-2-7B-32K-Instruct with less than 200 lines of Python script using [Together API](https://together.ai/blog/api-announcement), and we also make the [recipe fully available](https://github.com/togethercomputer/Llama-2-7B-32K-Instruct). We hope that this can enable everyone to finetune their own version of [Llama-2-7B-32K](https://huggingface.co/togethercomputer/Llama-2-7B-32K) — play with [Together API](https://together.ai/blog/api-announcement) and give us feedback! ## Data Collection Details Llama-2-7B-32K-Instruct is fine-tuned over a combination of two parts: 1. **19K single- and multi-round conversations generated by human instructions and [Llama-2-70B-Chat](https://huggingface.co/meta-llama/Llama-2-7b-chat-hf) outputs**. We collected the dataset following the distillation paradigm that is used by Alpaca, Vicuna, WizardLM, Orca — producing instructions by querying a powerful LLM (in this case, [Llama-2-70B-Chat](https://huggingface.co/meta-llama/Llama-2-7b-chat-hf)). The complete dataset is also released [here](https://huggingface.co/datasets/togethercomputer/llama-instruct). We also share the complete recipe for the data collection process [here](https://github.com/togethercomputer/Llama-2-7B-32K-Instruct). 2. **Long-context Summarization and Long-context QA**. We follow the recipe of [Llama-2-7B-32K](https://together.ai/blog/Llama-2-7B-32K), and train our model with the [BookSum dataset](https://huggingface.co/datasets/togethercomputer/Long-Data-Collections) and [Multi-document Question Answering](https://arxiv.org/abs/2307.03172). The final data mixture used for model finetuning is: 19K instruction (50%) + BookSum (25%) + MQA (25%). ## Model Usage We encourage you to try out this model using the [Together API](https://together.ai/blog/api-announcement). The updated inference stack allows for efficient inference. To run the model locally, we strongly recommend to install Flash Attention V2, which is necessary to obtain the best performance: ``` # Please update the path of `CUDA_HOME` export CUDA_HOME=/usr/local/cuda-11.8 pip install transformers==4.31.0 pip install sentencepiece pip install ninja pip install flash-attn --no-build-isolation pip install git+https://github.com/HazyResearch/flash-attention.git#subdirectory=csrc/rotary ``` You can load the model directly from the Hugging Face model hub using ```python import torch from transformers import AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained("togethercomputer/Llama-2-7B-32K-Instruct") model = AutoModelForCausalLM.from_pretrained("togethercomputer/Llama-2-7B-32K-Instruct", trust_remote_code=True, torch_dtype=torch.float16) input_ids = tokenizer.encode("[INST]\nWrite a poem about cats\n[/INST]\n\n", return_tensors="pt") output = model.generate(input_ids, max_length=128, temperature=0.7, repetition_penalty=1.1, top_p=0.7, top_k=50) output_text = tokenizer.decode(output[0], skip_special_tokens=True) ``` The model is also hosted on [Together Playground](https://api.together.xyz/playground). You can simply play with the model by using prompt formatted by: ``` [INST]\n<your instruction here>\n[\INST]\n\n ``` For example, if we query the model with ``` [INST]\nWrite a poem about cats\n[\INST]\n\n ``` the model will return ``` [INST] Write a poem about cats [/INST] Cats are mysterious creatures, with their aloof and independent nature. They're also incredibly beautiful, with their sleek fur and piercing eyes. Here's a poem that captures the essence of cats: Cats, oh cats, how can I describe you? Your beauty is beyond compare, it seems. You're graceful and elegant, like a ballerina's dance, But don't let your charm fool you, for you're not easily tamed. With your soft purring and playful meows, You draw us in with your enchanting powers. We love to watch you play, your tail twirling 'round, As if you're dancing on air, with no sound. But don't be fooled by your sweetness, my friend, For beneath that gentle exterior, lies a fierce defender. When danger lurks, you'll spring into action, Protecting those you hold dear, without question. Solet us admire you, from afar, For in your own way, you're truly unique, a star. And though we may never fully understand, The depths of your soul, we'll always stand, hand in paw, as one. This poem captures the essence of cats, highlighting their beauty, independence,and protective nature. It also celebrates the special bond between humans and cats, recognizing their unique qualities and the joy they bring to our lives. ``` ## Model Evaluation We evaluate the model from three aspects: 1) [Alpaca Eval](https://tatsu-lab.github.io/alpaca_eval/); 2) [Rouge score over BookSum](https://together.ai/blog/Llama-2-7B-32K); and 3) [Accuracy over Multi-document Question Answering (MQA)](https://together.ai/blog/Llama-2-7B-32K). We compare with models including [GPT-3.5-Turbo-16K](https://platform.openai.com/docs/models/gpt-3-5), [https://huggingface.co/meta-llama/Llama-2-7b-chat-hf](https://huggingface.co/meta-llama/Llama-2-7b-chat-hf), [Longchat-7b-16k](https://huggingface.co/lmsys/longchat-7b-16k) and [Longchat-7b-v1.5-32k](https://huggingface.co/lmsys/longchat-7b-v1.5-32k). We summarize the results below: * Alpaca Eval | Model | win_rate | standard_error | n_total | avg_length | | -------- | ------- | ------- | ------- | ------- | | Llama-2-7B-Chat-hf | 71.37 | 1.59 | 805 | 1479 | | Llama-2-7B-32K-Instruct | 70.36 | 1.61 | 803 | 1885 | | oasst-rlhf-llama-33b | 66.52 | 1.66 | 805 | 1079 | | text_davinci_003 | 50.00 | 0.00 | 805 | 307| | falcon-40b-instruct | 45.71 | 1.75 | 805 | 662 | | alpaca-farm-ppo-human | 41.24 | 1.73 | 805 | 803 | | alpaca-7b | 26.46 | 1.54 | 805 | 396 | | text_davinci_001 | 15.17 | 1.24 | 804 | 296 | * Rouge Score over BookSum | Model | R1 | R2 | RL | | -------- | ------- | ------- | ------- | | Llama-2-7B-Chat-hf | 0.055 | 0.008 | 0.046 | | Longchat-7b-16k | 0.303 | 0.055 | 0.160 | | Longchat-7b-v1.5-32k | 0.308 | 0.057 | 0.163 | | GPT-3.5-Turbo-16K | 0.324 | 0.066 | 0.178 | | Llama-2-7B-32K-Instruct (ours) | 0.336 | 0.076 | 0.184 | * Accuracy over MQA | Model | 20 docs (Avg 2.9K tokens) | 30 docs (Avg 4.4K tokens) | 50 docs (Avg 7.4K tokens) | | -------- | ------- | ------- | ------- | | Llama-2-7B-Chat-hf | 0.448 | 0.421 | 0.354 | | Longchat-7b-16k | 0.510 | 0.473 | 0.428 | | Longchat-7b-v1.5-32k | 0.534 | 0.516 | 0.479 | | GPT-3.5-Turbo-16K | 0.622 | 0.609 | 0.577 | | Llama-2-7B-32K-Instruct (ours) | 0.622 | 0.604 | 0.589 | ## Limitations and Bias As with all language models, Llama-2-7B-32K-Instruct may generate incorrect or biased content. It's important to keep this in mind when using the model. ## Community Join us on [Together Discord](https://discord.gg/6ZVDU8tTD4) <!-- original-model-card end -->
kaarelkaarelson/finetuned-bert-base-multilingual-cased
kaarelkaarelson
2023-10-24T14:31:29Z
3
0
transformers
[ "transformers", "pytorch", "bert", "question-answering", "generated_from_trainer", "base_model:google-bert/bert-base-multilingual-cased", "base_model:finetune:google-bert/bert-base-multilingual-cased", "license:apache-2.0", "endpoints_compatible", "region:us" ]
question-answering
2023-10-24T13:43:06Z
--- license: apache-2.0 base_model: bert-base-multilingual-cased tags: - generated_from_trainer model-index: - name: finetuned_bert-base-multilingual-cased results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # finetuned_bert-base-multilingual-cased This model is a fine-tuned version of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results ### Framework versions - Transformers 4.34.1 - Pytorch 2.1.0+cu118 - Datasets 2.14.6 - Tokenizers 0.14.1
trustyai/gminus
trustyai
2023-10-24T14:15:30Z
9
0
transformers
[ "transformers", "pytorch", "safetensors", "bart", "text2text-generation", "en", "dataset:jigsaw_toxicity_pred", "arxiv:1910.09700", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2023-10-24T14:15:30Z
--- license: apache-2.0 datasets: - jigsaw_toxicity_pred language: - en metrics: - perplexity --- # Model Card for `gminus` This model is a `facebook/bart-large` fine-tuned on toxic comments from `jigsaw_toxicity_pred` dataset. ## Model Details This model is not intended to be used for plain inference as it is very likely to predict toxic content. It is intended to be used instead as "utility model" for detecting and fixing toxic content as its token probability distributions will likely differ from comparable models not trained/fine-tuned over toxic data. Its name `gminus` refers to the _G-_ model in [Detoxifying Text with MARCO: Controllable Revision with Experts and Anti-Experts](https://aclanthology.org/2023.acl-short.21.pdf). ### Model Description - **Developed by:** [tteofili] - **Shared by :** [tteofili] <!--- **Model type:** [More Information Needed]--> <!--- **Language(s) (NLP):** [More Information Needed]--> - **License:** [apache-2.0] - **Finetuned from model :** [facebook/bart-large](https://huggingface.co/facebook/bart-large) <!-- ### 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 model is fine-tuned over toxic comments from `jigsaw_toxicity_pred` and it is very likely to produce toxic content. For this reason this model should only be used in combination with other models for the sake of detecting / fixing toxic content, see for example [Detoxifying Text with MARCO: Controllable Revision with Experts and Anti-Experts](https://aclanthology.org/2023.acl-short.21.pdf). <!-- 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 model was tested on `jigsaw_toxic_pred` testset. <!-- #### Factors These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. [More Information Needed] --> #### Metrics Model was evaluated using `perplexity` (on the MLM task). ### Results Perplexity: _1.03_ <!-- #### 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]
bond001/training-1698155518
bond001
2023-10-24T14:14:57Z
0
0
null
[ "generated_from_trainer", "base_model:bigscience/bloom-560m", "base_model:finetune:bigscience/bloom-560m", "license:bigscience-bloom-rail-1.0", "region:us" ]
null
2023-10-24T14:00:52Z
--- license: bigscience-bloom-rail-1.0 base_model: bigscience/bloom-560m tags: - generated_from_trainer model-index: - name: training-1698155518 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. --> # training-1698155518 This model is a fine-tuned version of [bigscience/bloom-560m](https://huggingface.co/bigscience/bloom-560m) 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: 1e-05 - train_batch_size: 4 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 4 - total_train_batch_size: 16 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - training_steps: 50 ### Training results ### Framework versions - Transformers 4.34.1 - Pytorch 2.1.0+cu118 - Datasets 2.14.6 - Tokenizers 0.14.1
patnelt60/distilbert-base-uncased-finetuned-emotion
patnelt60
2023-10-24T14:14:11Z
3
0
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "generated_from_trainer", "dataset:emotion", "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-10-24T14:12:23Z
--- license: apache-2.0 base_model: distilbert-base-uncased tags: - generated_from_trainer datasets: - emotion model-index: - name: distilbert-base-uncased-finetuned-emotion 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. --> # distilbert-base-uncased-finetuned-emotion This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion 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: 512 - eval_batch_size: 512 - 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 | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | No log | 1.0 | 32 | 0.1864 | 0.934 | 0.9338 | ### Framework versions - Transformers 4.34.1 - Pytorch 2.1.0 - Datasets 2.14.6 - Tokenizers 0.14.1
tomsmierz/ppo-LunarLander-v2-hands-on
tomsmierz
2023-10-24T14:02:13Z
0
0
stable-baselines3
[ "stable-baselines3", "LunarLander-v2", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2023-10-24T14:01:52Z
--- 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: 273.31 +/- 16.64 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 ... ```
SimoneChieppa/Musical-genres-Classification-Hubert-V1-finetuned-gtzan_5sec
SimoneChieppa
2023-10-24T13:58:51Z
3
1
transformers
[ "transformers", "pytorch", "hubert", "audio-classification", "generated_from_trainer", "base_model:SeyedAli/Musical-genres-Classification-Hubert-V1", "base_model:finetune:SeyedAli/Musical-genres-Classification-Hubert-V1", "license:apache-2.0", "endpoints_compatible", "region:us" ]
audio-classification
2023-10-22T16:19:24Z
--- license: apache-2.0 base_model: SeyedAli/Musical-genres-Classification-Hubert-V1 tags: - generated_from_trainer metrics: - accuracy model-index: - name: Musical-genres-Classification-Hubert-V1-finetuned-gtzan_5sec 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. --> # Musical-genres-Classification-Hubert-V1-finetuned-gtzan_5sec This model is a fine-tuned version of [SeyedAli/Musical-genres-Classification-Hubert-V1](https://huggingface.co/SeyedAli/Musical-genres-Classification-Hubert-V1) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.4037 - Accuracy: 0.9433 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_ratio: 0.1 - num_epochs: 10 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.4009 | 1.0 | 300 | 0.5050 | 0.8533 | | 0.6049 | 2.0 | 600 | 0.3617 | 0.8867 | | 0.1173 | 3.0 | 900 | 0.3947 | 0.9167 | | 0.0613 | 4.0 | 1200 | 0.4008 | 0.92 | | 0.0016 | 5.0 | 1500 | 0.4197 | 0.9133 | | 0.055 | 6.0 | 1800 | 0.4103 | 0.92 | | 0.0009 | 7.0 | 2100 | 0.4468 | 0.93 | | 0.0003 | 8.0 | 2400 | 0.3962 | 0.95 | | 0.0003 | 9.0 | 2700 | 0.4085 | 0.9467 | | 0.0002 | 10.0 | 3000 | 0.4037 | 0.9433 | ### Framework versions - Transformers 4.34.1 - Pytorch 2.1.0+cu118 - Datasets 2.14.6 - Tokenizers 0.14.1
anamaria7/q-Taxi-v3
anamaria7
2023-10-24T13:57:40Z
0
0
null
[ "Taxi-v3", "q-learning", "reinforcement-learning", "custom-implementation", "model-index", "region:us" ]
reinforcement-learning
2023-10-24T13:57:35Z
--- 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="anamaria7/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"]) ```
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:54:39Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T10:18:35Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [**0.5754**][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:54:37Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T10:07:01Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [**0.587**][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:54:36Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T10:00:29Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [**0.6565**][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:54:35Z
6
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:51:51Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [**0.565**][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:54:34Z
9
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:45:21Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [**0.628**][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:54:34Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:48:35Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [**0.528**][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:54:32Z
0
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:30:16Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [**0.5754**][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:54:32Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:33:29Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [**0.5489**][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:54:32Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:25:56Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [**0.5782**][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:54:31Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:18:21Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|------------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [**0.5978**][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:54:31Z
5
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:21:37Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6681][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [**0.6491**][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
hmbert-tiny/flair-hipe-2022-topres19th-en
hmbert-tiny
2023-10-24T13:54:30Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "en", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T09:15:05Z
--- language: en license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: On Wednesday , a public dinner was given by the Conservative Burgesses of Leads , to the Conservative members of the Leeds Town Council , in the Music Hall , Albion-street , which was very numerously attended . --- # Fine-tuned Flair Model on TopRes19th English NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [TopRes19th English](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-topres19th.md) NER Dataset using hmBERT Tiny as backbone LM. The TopRes19th dataset consists of NE-annotated historical English newspaper articles from 19C. The following NEs were annotated: `BUILDING`, `LOC` and `STREET`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [**0.6681**][1] | [0.5754][2] | [0.628][3] | [0.6565][4] | [0.658][5] | 0.6372 ± 0.0376 | | `bs8-e10-lr5e-05` | [0.6491][6] | [0.5812][7] | [0.565][8] | [0.587][9] | [0.5938][10] | 0.5952 ± 0.0319 | | `bs4-e10-lr3e-05` | [0.6154][11] | [0.5782][12] | [0.5519][13] | [0.5929][14] | [0.5931][15] | 0.5863 ± 0.0234 | | `bs8-e10-lr3e-05` | [0.5978][16] | [0.5489][17] | [0.528][18] | [0.5483][19] | [0.5754][20] | 0.5597 ± 0.0272 | [1]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-topres19th-en-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
hmbert-tiny/flair-hipe-2022-newseye-sv
hmbert-tiny
2023-10-24T13:53:11Z
6
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:22:21Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [**0.5085**][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:53:10Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:21:18Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|------------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [**0.3594**][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:53:09Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:18:35Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [**0.4674**][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:53:08Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:15:38Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [**0.1521**][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:53:08Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:16:27Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [**0.4194**][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:53:07Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:14:49Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [**0.481**][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:53:06Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:12:42Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [**0.3983**][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:53:06Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:11:51Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|------------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [**0.1194**][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:53:05Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:11:00Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [**0.4847**][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [0.3761][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:53:05Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "sv", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:09:56Z
--- language: sv license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Värri , Teittinen , Forsman , Tensik - kala m . fl . anslöto sig till reservatio - nen , hvaremot lm Fieandt , Huopo - nen , Koskelin , Leppänen , ( Li - belits ) , Eklund m . fl . förordade ut - skottets formulering af § 11 . --- # Fine-tuned Flair Model on Swedish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Swedish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|------------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.4847][1] | [0.481][2] | [0.4674][3] | [0.5085][4] | [0.474][5] | 0.4831 ± 0.0157 | | `bs8-e10-lr5e-05` | [0.3983][6] | [0.4194][7] | [0.3856][8] | [0.4435][9] | [0.4053][10] | 0.4104 ± 0.0222 | | `bs4-e10-lr3e-05` | [**0.3761**][11] | [0.38][12] | [0.3236][13] | [0.3594][14] | [0.3567][15] | 0.3592 ± 0.0223 | | `bs8-e10-lr3e-05` | [0.1194][16] | [0.1521][17] | [0.104][18] | [0.1294][19] | [0.1399][20] | 0.129 ± 0.0185 | [1]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-sv-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:51:30Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T21:12:49Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [0.5584][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [**0.5067**][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [0.4783][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:51:28Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T20:47:52Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|------------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [0.5584][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [0.4783][18] | [**0.4648**][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:51:28Z
7
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T20:52:18Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [0.5584][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [**0.5288**][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [0.4783][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:51:25Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T20:27:22Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|------------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [0.5584][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [**0.4783**][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:51:25Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T20:22:57Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [0.5584][2] | [**0.5555**][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [0.4783][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:51:22Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T20:02:33Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [**0.5584**][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [0.4783][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
hmbert-tiny/flair-hipe-2022-newseye-fr
hmbert-tiny
2023-10-24T13:51:20Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T19:42:00Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [**0.5782**][1] | [0.5584][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [0.4815][16] | [0.4879][17] | [0.4783][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:51:20Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T19:46:28Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Le Moniteur universel fait ressortir les avantages de la situation de l ' Allemagne , sa force militaire , le peu d ' intérêts personnels qu ' elle peut avoir dans la question d ' Orient . --- # Fine-tuned Flair Model on French NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [French NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|------------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5782][1] | [0.5584][2] | [0.5555][3] | [0.5685][4] | [0.5422][5] | 0.5606 ± 0.0136 | | `bs8-e10-lr5e-05` | [0.5486][6] | [0.5273][7] | [0.5282][8] | [0.5288][9] | [0.5067][10] | 0.5279 ± 0.0148 | | `bs4-e10-lr3e-05` | [0.5251][11] | [0.5103][12] | [0.5041][13] | [0.5124][14] | [0.479][15] | 0.5062 ± 0.017 | | `bs8-e10-lr3e-05` | [**0.4815**][16] | [0.4879][17] | [0.4783][18] | [0.4648][19] | [0.4628][20] | 0.4751 ± 0.0109 | [1]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:51:15Z
0
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-20T00:01:10Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.287][1] | [0.2991][2] | [0.2927][3] | [0.3193][4] | [0.2961][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [0.2617][7] | [0.2667][8] | [0.2893][9] | [**0.2164**][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [0.2165][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:51:14Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T23:59:31Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|-----------------|-----------------| | `bs4-e10-lr5e-05` | [0.287][1] | [0.2991][2] | [0.2927][3] | [0.3193][4] | [**0.2961**][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [0.2617][7] | [0.2667][8] | [0.2893][9] | [0.2164][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [0.2165][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:51:12Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T23:57:26Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.287][1] | [0.2991][2] | [0.2927][3] | [0.3193][4] | [0.2961][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [0.2617][7] | [0.2667][8] | [**0.2893**][9] | [0.2164][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [0.2165][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:51:07Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T23:49:40Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.287][1] | [0.2991][2] | [0.2927][3] | [0.3193][4] | [0.2961][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [**0.2617**][7] | [0.2667][8] | [0.2893][9] | [0.2164][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [0.2165][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:51:06Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T23:47:58Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.287][1] | [**0.2991**][2] | [0.2927][3] | [0.3193][4] | [0.2961][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [0.2617][7] | [0.2667][8] | [0.2893][9] | [0.2164][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [0.2165][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:51:05Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T23:46:55Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.287][1] | [0.2991][2] | [0.2927][3] | [0.3193][4] | [0.2961][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [0.2617][7] | [0.2667][8] | [0.2893][9] | [0.2164][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [**0.2165**][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:51:03Z
5
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fi", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T23:44:11Z
--- language: fi license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Rooseveltin sihteeri ilmoittaa perättö - mäksi tiedon , että Rooseveltia olisi kehotettu käymään Englannissa , Saksassa ja Venäjällä puhumassa San Franciscon näyttelyn puolesta . --- # Fine-tuned Flair Model on Finnish NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [Finnish NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [**0.287**][1] | [0.2991][2] | [0.2927][3] | [0.3193][4] | [0.2961][5] | 0.2988 ± 0.0123 | | `bs8-e10-lr5e-05` | [0.2365][6] | [0.2617][7] | [0.2667][8] | [0.2893][9] | [0.2164][10] | 0.2541 ± 0.0282 | | `bs4-e10-lr3e-05` | [0.1927][11] | [0.2165][12] | [0.2442][13] | [0.2513][14] | [0.1848][15] | 0.2179 ± 0.0297 | | `bs8-e10-lr3e-05` | [0.1222][16] | [0.1524][17] | [0.1858][18] | [0.1063][19] | [0.1056][20] | 0.1345 ± 0.0344 | [1]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-fi-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
nkhl/mistral-finetuned-AnQs
nkhl
2023-10-24T13:49:48Z
0
0
null
[ "question-answering", "en", "dataset:squad_v2", "license:apache-2.0", "region:us" ]
question-answering
2023-10-10T17:00:31Z
--- license: apache-2.0 datasets: - squad_v2 language: - en pipeline_tag: question-answering ---
zion095/llama-2-7b-lora-tagger
zion095
2023-10-24T13:48:08Z
2
0
peft
[ "peft", "arxiv:1910.09700", "base_model:meta-llama/Llama-2-7b-chat-hf", "base_model:adapter:meta-llama/Llama-2-7b-chat-hf", "region:us" ]
null
2023-10-24T13:48:06Z
--- library_name: peft base_model: meta-llama/Llama-2-7b-chat-hf --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## 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] ## Training procedure The following `bitsandbytes` quantization config was used during training: - quant_method: bitsandbytes - load_in_8bit: True - load_in_4bit: False - llm_int8_threshold: 6.0 - llm_int8_skip_modules: None - llm_int8_enable_fp32_cpu_offload: False - llm_int8_has_fp16_weight: False - bnb_4bit_quant_type: fp4 - bnb_4bit_use_double_quant: False - bnb_4bit_compute_dtype: float32 ### Framework versions - PEFT 0.6.0.dev0
anamaria7/q-FrozenLake-v1-4x4-noSlippery
anamaria7
2023-10-24T13:47:31Z
0
0
null
[ "FrozenLake-v1-4x4-no_slippery", "q-learning", "reinforcement-learning", "custom-implementation", "model-index", "region:us" ]
reinforcement-learning
2023-10-24T13:47:29Z
--- 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="anamaria7/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"]) ```
viditsorg/autotrain-mbart-finetune-hindi-97080146798
viditsorg
2023-10-24T13:47:11Z
13
0
transformers
[ "transformers", "pytorch", "safetensors", "bart", "text2text-generation", "autotrain", "summarization", "unk", "dataset:viditsorg/autotrain-data-mbart-finetune-hindi", "co2_eq_emissions", "autotrain_compatible", "endpoints_compatible", "region:us" ]
summarization
2023-10-24T12:57:29Z
--- tags: - autotrain - summarization language: - unk widget: - text: "I love AutoTrain" datasets: - viditsorg/autotrain-data-mbart-finetune-hindi co2_eq_emissions: emissions: 0.6034093912734243 --- # Model Trained On Hindi Podcast Dataset - Problem type: Summarization - Model ID: 97080146798 - CO2 Emissions (in grams): 0.6034 ## Validation Metrics - Loss: 0.866 - Rouge1: 0.885 - Rouge2: 0.000 - RougeL: 0.885 - RougeLsum: 0.885 - Gen Len: 130.752 ## Usage You can use cURL to access this model: ``` $ curl -X POST -H "Authorization: Bearer YOUR_HUGGINGFACE_API_KEY" -H "Content-Type: application/json" -d '{"inputs": "I love AutoTrain"}' https://api-inference.huggingface.co/viditsorg/autotrain-mbart-finetune-hindi-97080146798 ```
TaTo69/ppo-LunarLander-v3
TaTo69
2023-10-24T13:38:47Z
0
0
stable-baselines3
[ "stable-baselines3", "LunarLander-v2", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2023-10-24T13:25:29Z
--- 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: 293.62 +/- 9.76 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 ... ```
Hansaht/phi-1_5-finetuned-alpaca-gpt4
Hansaht
2023-10-24T13:22:58Z
12
0
transformers
[ "transformers", "pytorch", "mixformer-sequential", "text-generation", "generated_from_trainer", "custom_code", "base_model:microsoft/phi-1_5", "base_model:finetune:microsoft/phi-1_5", "license:other", "autotrain_compatible", "region:us" ]
text-generation
2023-10-24T12:35:37Z
--- license: other base_model: microsoft/phi-1_5 tags: - generated_from_trainer model-index: - name: phi-1_5-finetuned-alpaca-gpt4 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. --> # phi-1_5-finetuned-alpaca-gpt4 This model is a fine-tuned version of [microsoft/phi-1_5](https://huggingface.co/microsoft/phi-1_5) on an unknown dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0002 - train_batch_size: 4 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: cosine - training_steps: 1000 ### Training results ### Framework versions - Transformers 4.33.0 - Pytorch 2.0.0 - Datasets 2.1.0 - Tokenizers 0.13.3
stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:17:41Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T13:57:33Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [0.2718][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [0.288][12] | [0.276][13] | [0.268][14] | [0.2736][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [0.2863][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [**0.2657**][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:17:40Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T13:46:07Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [0.2718][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [0.288][12] | [0.276][13] | [0.268][14] | [**0.2736**][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [0.2863][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [0.2657][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:17:39Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T12:53:28Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [0.2718][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [0.288][12] | [0.276][13] | [**0.268**][14] | [0.2736][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [0.2863][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [0.2657][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:17:37Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T12:00:45Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [0.2718][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [0.288][12] | [**0.276**][13] | [0.268][14] | [0.2736][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [0.2863][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [0.2657][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:17:37Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T11:45:49Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [**0.2718**][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [0.288][12] | [0.276][13] | [0.268][14] | [0.2736][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [0.2863][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [0.2657][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:17:36Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T11:08:07Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [0.2718][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [**0.288**][12] | [0.276][13] | [0.268][14] | [0.2736][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [0.2863][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [0.2657][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:17:34Z
5
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "de", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T10:26:45Z
--- language: de license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: In Teltsch und Jarmeritz wurden die abgegebenen Stimmen für Genossen Krapka ungiltig erklärt , weil sie keinen Wohnort aufwiesen . --- # Fine-tuned Flair Model on German NewsEye NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [German NewsEye](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-newseye.md) NER Dataset using hmBERT Tiny as backbone LM. The NewsEye dataset is comprised of diachronic historical newspaper material published between 1850 and 1950 in French, German, Finnish, and Swedish. More information can be found [here](https://dl.acm.org/doi/abs/10.1145/3404835.3463255). The following NEs were annotated: `PER`, `LOC`, `ORG` and `HumanProd`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|------------------|--------------|--------------|--------------|--------------|-----------------| | `bs8-e10-lr5e-05` | [0.303][1] | [0.2873][2] | [0.2881][3] | [0.2866][4] | [0.2788][5] | 0.2888 ± 0.0088 | | `bs4-e10-lr3e-05` | [0.2984][6] | [0.311][7] | [0.2718][8] | [0.2702][9] | [0.2598][10] | 0.2822 ± 0.0215 | | `bs4-e10-lr5e-05` | [0.2907][11] | [0.288][12] | [0.276][13] | [0.268][14] | [0.2736][15] | 0.2793 ± 0.0097 | | `bs8-e10-lr3e-05` | [**0.2863**][16] | [0.2771][17] | [0.2732][18] | [0.2812][19] | [0.2657][20] | 0.2767 ± 0.0078 | [1]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-newseye-de-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
gustavokpc/ppo-Huggy
gustavokpc
2023-10-24T13:14:48Z
0
0
ml-agents
[ "ml-agents", "tensorboard", "onnx", "Huggy", "deep-reinforcement-learning", "reinforcement-learning", "ML-Agents-Huggy", "region:us" ]
reinforcement-learning
2023-10-24T13:14:37Z
--- 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: gustavokpc/ppo-Huggy 3. Step 2: Select your *.nn /*.onnx file 4. Click on Watch the agent play 👀
haseong8012/whisper-small_child-50k_cosLR
haseong8012
2023-10-24T13:14:33Z
20
0
transformers
[ "transformers", "pytorch", "tensorboard", "whisper", "automatic-speech-recognition", "ko", "dataset:haseong8012/child-50k", "license:apache-2.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2023-10-23T10:32:07Z
--- license: apache-2.0 datasets: - haseong8012/child-50k language: - ko metrics: - wer - cer --- <!-- 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_child50K_cosLR This model is a fine-tuned version of [openai/small](https://huggingface.co/openai/small) on the child-50k dataset. It achieves the following results on the evaluation set: - Loss: 0.0241 - Wer: 2.2556 - Cer: 0.9159 ## 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: 1.25e-05 - train_batch_size: 16 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - training_steps: 5000 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | Cer | |:-------------:|:-----:|:----:|:---------------:|:------:|:------:| | 0.1058 | 0.36 | 500 | 0.0708 | 8.0241 | 3.2266 | | 0.0577 | 0.71 | 1000 | 0.0446 | 5.2591 | 2.1891 | | 0.0296 | 1.07 | 1500 | 0.0309 | 3.2662 | 1.3469 | | 0.0301 | 1.42 | 2000 | 0.0279 | 2.7286 | 1.1516 | | 0.0299 | 1.78 | 2500 | 0.0245 | 2.4578 | 0.9920 | | 0.0219 | 2.13 | 3000 | 0.0262 | 2.6882 | 1.2290 | | 0.0148 | 2.49 | 3500 | 0.0219 | 2.0899 | 0.9245 | | 0.0141 | 2.84 | 4000 | 0.0281 | 2.8782 | 1.1615 | | 0.0097 | 3.2 | 4500 | 0.0210 | 2.0616 | 0.8373 | | 0.0109 | 3.55 | 5000 | 0.0241 | 2.2556 | 0.9159 | ### Framework versions - Transformers 4.34.0 - Pytorch 2.1.0+cu121 - Datasets 2.14.5 - Tokenizers 0.14.1
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:12:28Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T02:23:37Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [**0.4733**][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:12:27Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T02:07:48Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|-----------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [**0.5282**][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:12:26Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T01:57:30Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [**0.5072**][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:12:26Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T01:39:18Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|------------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [**0.4744**][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:12:26Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T01:47:13Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|------------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [**0.4912**][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:12:25Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T01:21:10Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [**0.4857**][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:12:24Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T01:10:48Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|------------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [**0.5021**][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:12:23Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T01:02:52Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|------------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [**0.4656**][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:12:23Z
0
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T00:54:57Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [**0.5106**][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3
stefan-it
2023-10-24T13:12:23Z
6
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T00:44:38Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|-----------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [**0.5019**][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:12:21Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T00:18:31Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [**0.5073**][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:12:21Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T00:26:24Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [**0.4226**][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:12:21Z
6
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-19T00:08:11Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [**0.4703**][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:12:20Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T23:57:51Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|------------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [0.5012][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [**0.5027**][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:12:19Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T23:31:44Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: 'Parmi les remèdes recommandés par la Société , il faut mentionner celui que M . Schatzmann , de Lausanne , a proposé :' --- # Fine-tuned Flair Model on LeTemps French NER Dataset (HIPE-2022) This Flair model was fine-tuned on the [LeTemps French](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-letemps.md) NER Dataset using hmBERT Tiny as backbone LM. The LeTemps dataset consists of NE-annotated historical French newspaper articles from mid-19C to mid 20C. The following NEs were annotated: `loc`, `org` and `pers`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5297][1] | [0.5073][2] | [0.5106][3] | [0.5111][4] | [0.5282][5] | 0.5174 ± 0.0107 | | `bs4-e10-lr3e-05` | [**0.5012**][6] | [0.4703][7] | [0.5019][8] | [0.4857][9] | [0.5072][10] | 0.4933 ± 0.0151 | | `bs8-e10-lr5e-05` | [0.5027][11] | [0.4727][12] | [0.5021][13] | [0.4912][14] | [0.4733][15] | 0.4884 ± 0.0148 | | `bs8-e10-lr3e-05` | [0.489][16] | [0.4226][17] | [0.4656][18] | [0.4744][19] | [0.4511][20] | 0.4605 ± 0.0253 | [1]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-letemps-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:11:58Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T23:07:14Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.5572][1] | [0.5434][2] | [0.5984][3] | [0.5636][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [0.5438][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [0.498][14] | [**0.4977**][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [0.4627][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:11:58Z
6
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T23:02:45Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5572][1] | [0.5434][2] | [0.5984][3] | [0.5636][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [**0.5438**][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [0.498][14] | [0.4977][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [0.4627][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:11:58Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T22:59:16Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|------------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5572][1] | [0.5434][2] | [0.5984][3] | [0.5636][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [0.5438][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [0.498][14] | [0.4977][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [**0.4627**][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:11:57Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T22:51:17Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5572][1] | [0.5434][2] | [0.5984][3] | [0.5636][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [0.5438][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [**0.498**][14] | [0.4977][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [0.4627][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:11:57Z
6
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T22:55:46Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5572][1] | [0.5434][2] | [0.5984][3] | [**0.5636**][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [0.5438][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [0.498][14] | [0.4977][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [0.4627][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:11:54Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T22:24:03Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.5572][1] | [**0.5434**][2] | [0.5984][3] | [0.5636][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [0.5438][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [0.498][14] | [0.4977][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [0.4627][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:11:52Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "nl", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T22:08:13Z
--- language: nl license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Professoren der Geneeskun dige Faculteit te Groningen alsook van de HH , Doctoren en Chirurgijns van Groningen , Friesland , Noordholland , Overijssel , Gelderland , Drenthe , in welke Provinciën dit Elixir als Medicament voor Mond en Tanden reeds jaren bakend is . --- # Fine-tuned Flair Model on Dutch ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [Dutch ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [**0.5572**][1] | [0.5434][2] | [0.5984][3] | [0.5636][4] | [0.5674][5] | 0.566 ± 0.0203 | | `bs8-e10-lr5e-05` | [0.5072][6] | [0.5287][7] | [0.5641][8] | [0.5438][9] | [0.5346][10] | 0.5357 ± 0.0208 | | `bs4-e10-lr3e-05` | [0.519][11] | [0.471][12] | [0.5479][13] | [0.498][14] | [0.4977][15] | 0.5067 ± 0.0286 | | `bs8-e10-lr3e-05` | [0.4817][16] | [0.4511][17] | [0.4956][18] | [0.4627][19] | [0.4715][20] | 0.4725 ± 0.0171 | [1]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-nl-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:11:27Z
0
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T21:54:26Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [**0.4408**][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:11:26Z
1
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T21:44:40Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [**0.4716**][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:11:25Z
3
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T21:39:07Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [**0.5972**][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
hmbert-tiny/flair-icdar-fr
hmbert-tiny
2023-10-24T13:11:25Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T21:30:44Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [**0.6208**][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4
stefan-it
2023-10-24T13:11:24Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T21:25:10Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|-----------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [**0.578**][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:11:22Z
2
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T21:00:08Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|-----------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [**0.4917**][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:11:21Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T20:55:56Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [**0.4119**][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2
stefan-it
2023-10-24T13:11:21Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T20:46:11Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|------------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [0.6186][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [**0.4735**][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1
stefan-it
2023-10-24T13:11:20Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T20:40:38Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Je suis convaincu , a-t43 dit . que nous n"y parviendrions pas , mais nous ne pouvons céder parce que l' état moral de nos troupe* en souffrirait trop . ( Fournier . ) Des avions ennemis lancent dix-sept bombes sur Dunkerque LONDRES . 31 décembre . --- # Fine-tuned Flair Model on French ICDAR-Europeana NER Dataset This Flair model was fine-tuned on the [French ICDAR-Europeana](https://github.com/stefan-it/historic-domain-adaptation-icdar) NER Dataset using hmBERT Tiny as backbone LM. The ICDAR-Europeana NER Dataset is a preprocessed variant of the [Europeana NER Corpora](https://github.com/EuropeanaNewspapers/ner-corpora) for Dutch and French. The following NEs were annotated: `PER`, `LOC` and `ORG`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|-----------------|--------------|--------------|--------------|--------------|-----------------| | `bs4-e10-lr5e-05` | [0.6013][1] | [0.5273][2] | [0.6086][3] | [0.6208][4] | [0.5731][5] | 0.5862 ± 0.0373 | | `bs8-e10-lr5e-05` | [**0.6186**][6] | [0.4917][7] | [0.6056][8] | [0.5972][9] | [0.4881][10] | 0.5602 ± 0.0647 | | `bs4-e10-lr3e-05` | [0.6034][11] | [0.4735][12] | [0.5837][13] | [0.578][14] | [0.4716][15] | 0.542 ± 0.0641 | | `bs8-e10-lr3e-05` | [0.5743][16] | [0.4119][17] | [0.551][18] | [0.5261][19] | [0.4408][20] | 0.5008 ± 0.0708 | [1]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-icdar-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:09:26Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T20:17:25Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Nous recevons le premier numéro d ' un nouveau journal , le Radical - Libéral , qui paraîtra à Genève deux fois la semaine . Son but est de représenter l ' élément national du radicalisme genevois , en d ' autres termes , de défendre la politique intransigeante do M . Carteret , en opposition aux tendances du groupe _ > dont le Genevois est l ' organe . Bétail . --- # Fine-tuned Flair Model on French HIPE-2020 Dataset (HIPE-2022) This Flair model was fine-tuned on the [French HIPE-2020](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-hipe2020.md) NER Dataset using hmBERT Tiny as backbone LM. The HIPE-2020 dataset is comprised of newspapers from mid 19C to mid 20C. For information can be found [here](https://dl.acm.org/doi/abs/10.1007/978-3-030-58219-7_21). The following NEs were annotated: `loc`, `org`, `pers`, `prod`, `time` and `comp`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|-----------------|-----------------| | `bs4-e10-lr5e-05` | [0.5204][1] | [0.5597][2] | [0.5669][3] | [0.5394][4] | [0.5182][5] | 0.5409 ± 0.0222 | | `bs8-e10-lr5e-05` | [0.4945][6] | [0.5457][7] | [0.5225][8] | [0.5068][9] | [**0.493**][10] | 0.5125 ± 0.022 | | `bs4-e10-lr3e-05` | [0.4774][11] | [0.5395][12] | [0.5184][13] | [0.4849][14] | [0.4722][15] | 0.4985 ± 0.0291 | | `bs8-e10-lr3e-05` | [0.4335][16] | [0.4814][17] | [0.4744][18] | [0.4443][19] | [0.456][20] | 0.4579 ± 0.0201 | [1]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️
stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5
stefan-it
2023-10-24T13:09:25Z
4
0
flair
[ "flair", "pytorch", "tensorboard", "token-classification", "sequence-tagger-model", "fr", "base_model:dbmdz/bert-tiny-historic-multilingual-cased", "base_model:finetune:dbmdz/bert-tiny-historic-multilingual-cased", "license:mit", "region:us" ]
token-classification
2023-10-18T20:03:33Z
--- language: fr license: mit tags: - flair - token-classification - sequence-tagger-model base_model: dbmdz/bert-tiny-historic-multilingual-cased widget: - text: Nous recevons le premier numéro d ' un nouveau journal , le Radical - Libéral , qui paraîtra à Genève deux fois la semaine . Son but est de représenter l ' élément national du radicalisme genevois , en d ' autres termes , de défendre la politique intransigeante do M . Carteret , en opposition aux tendances du groupe _ > dont le Genevois est l ' organe . Bétail . --- # Fine-tuned Flair Model on French HIPE-2020 Dataset (HIPE-2022) This Flair model was fine-tuned on the [French HIPE-2020](https://github.com/hipe-eval/HIPE-2022-data/blob/main/documentation/README-hipe2020.md) NER Dataset using hmBERT Tiny as backbone LM. The HIPE-2020 dataset is comprised of newspapers from mid 19C to mid 20C. For information can be found [here](https://dl.acm.org/doi/abs/10.1007/978-3-030-58219-7_21). The following NEs were annotated: `loc`, `org`, `pers`, `prod`, `time` and `comp`. # Results We performed a hyper-parameter search over the following parameters with 5 different seeds per configuration: * Batch Sizes: `[4, 8]` * Learning Rates: `[5e-05, 3e-05]` And report micro F1-score on development set: | Configuration | Seed 1 | Seed 2 | Seed 3 | Seed 4 | Seed 5 | Average | |-------------------|--------------|--------------|--------------|--------------|------------------|-----------------| | `bs4-e10-lr5e-05` | [0.5204][1] | [0.5597][2] | [0.5669][3] | [0.5394][4] | [0.5182][5] | 0.5409 ± 0.0222 | | `bs8-e10-lr5e-05` | [0.4945][6] | [0.5457][7] | [0.5225][8] | [0.5068][9] | [0.493][10] | 0.5125 ± 0.022 | | `bs4-e10-lr3e-05` | [0.4774][11] | [0.5395][12] | [0.5184][13] | [0.4849][14] | [**0.4722**][15] | 0.4985 ± 0.0291 | | `bs8-e10-lr3e-05` | [0.4335][16] | [0.4814][17] | [0.4744][18] | [0.4443][19] | [0.456][20] | 0.4579 ± 0.0201 | [1]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [2]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [3]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [4]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [5]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [6]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-1 [7]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-2 [8]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-3 [9]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-4 [10]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr5e-05-poolingfirst-layers-1-crfFalse-5 [11]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [12]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [13]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [14]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [15]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs4-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 [16]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-1 [17]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-2 [18]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-3 [19]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-4 [20]: https://hf.co/stefan-it/hmbench-hipe2020-fr-hmbert_tiny-bs8-wsFalse-e10-lr3e-05-poolingfirst-layers-1-crfFalse-5 The [training log](training.log) and TensorBoard logs (not available for hmBERT Base model) are also uploaded to the model hub. More information about fine-tuning can be found [here](https://github.com/stefan-it/hmBench). # Acknowledgements We thank [Luisa März](https://github.com/LuisaMaerz), [Katharina Schmid](https://github.com/schmika) and [Erion Çano](https://github.com/erionc) for their fruitful discussions about Historic Language Models. Research supported with Cloud TPUs from Google's [TPU Research Cloud](https://sites.research.google/trc/about/) (TRC). Many Thanks for providing access to the TPUs ❤️