TheBeast commited on
Commit
70e8ab5
1 Parent(s): d1b4b28

Model update

Browse files
Files changed (3) hide show
  1. model_args.json +1 -1
  2. pytorch_model.bin +1 -1
  3. training_args.bin +1 -1
model_args.json CHANGED
@@ -1 +1 @@
1
- {"adafactor_beta1": 0.9, "adafactor_clip_threshold": 1.0, "adafactor_decay_rate": -0.8, "adafactor_eps": [1e-30, 0.001], "adafactor_relative_step": true, "adafactor_scale_parameter": true, "adafactor_warmup_init": true, "adam_betas": [0.9, 0.999], "adam_epsilon": 1e-08, "best_model_dir": "outputs/best_model", "cache_dir": "cache_dir/", "config": {}, "cosine_schedule_num_cycles": 0.5, "custom_layer_parameters": [], "custom_parameter_groups": [], "dataloader_num_workers": 0, "do_lower_case": false, "dynamic_quantize": false, "early_stopping_consider_epochs": false, "early_stopping_delta": 0.01, "early_stopping_metric": "eval_loss", "early_stopping_metric_minimize": false, "early_stopping_patience": 5, "encoding": null, "eval_batch_size": 1, "evaluate_during_training": false, "evaluate_during_training_silent": true, "evaluate_during_training_steps": 2000, "evaluate_during_training_verbose": false, "evaluate_each_epoch": true, "fp16": true, "gradient_accumulation_steps": 1, "learning_rate": 4e-05, "local_rank": -1, "logging_steps": 50, "loss_type": null, "loss_args": {}, "manual_seed": 123456789, "max_grad_norm": 1.0, "max_seq_length": 256, "model_name": "roberta-large", "model_type": "roberta", "multiprocessing_chunksize": -1, "n_gpu": 1, "no_cache": false, "no_save": false, "not_saved_args": [], "num_train_epochs": 11, "optimizer": "AdamW", "output_dir": "semantic_model", "overwrite_output_dir": true, "polynomial_decay_schedule_lr_end": 1e-07, "polynomial_decay_schedule_power": 1.0, "process_count": 26, "quantized_model": false, "reprocess_input_data": true, "save_best_model": true, "save_eval_checkpoints": true, "save_model_every_epoch": true, "save_optimizer_and_scheduler": true, "save_steps": 2000, "scheduler": "linear_schedule_with_warmup", "silent": false, "skip_special_tokens": true, "tensorboard_dir": null, "thread_count": null, "tokenizer_name": null, "tokenizer_type": null, "train_batch_size": 1, "train_custom_parameters_only": false, "use_cached_eval_features": false, "use_early_stopping": true, "use_hf_datasets": false, "use_multiprocessing": true, "use_multiprocessing_for_evaluation": true, "wandb_kwargs": {}, "wandb_project": null, "warmup_ratio": 0.06, "warmup_steps": 471, "weight_decay": 0.01, "model_class": "NERModel", "classification_report": false, "labels_list": ["O", "B-CONST_DIR", "B-LIMIT", "B-VAR", "I-VAR", "B-PARAM", "I-PARAM", "B-OBJ_NAME", "I-LIMIT", "I-CONST_DIR", "B-OBJ_DIR", "I-OBJ_NAME"], "lazy_loading": false, "lazy_loading_start_line": 0, "onnx": false, "special_tokens_list": []}
 
1
+ {"adafactor_beta1": 0.9, "adafactor_clip_threshold": 1.0, "adafactor_decay_rate": -0.8, "adafactor_eps": [1e-30, 0.001], "adafactor_relative_step": true, "adafactor_scale_parameter": true, "adafactor_warmup_init": true, "adam_betas": [0.9, 0.999], "adam_epsilon": 1e-08, "best_model_dir": "outputs/best_model", "cache_dir": "cache_dir/", "config": {}, "cosine_schedule_num_cycles": 0.5, "custom_layer_parameters": [], "custom_parameter_groups": [], "dataloader_num_workers": 0, "do_lower_case": false, "dynamic_quantize": false, "early_stopping_consider_epochs": false, "early_stopping_delta": 0.01, "early_stopping_metric": "eval_loss", "early_stopping_metric_minimize": false, "early_stopping_patience": 5, "encoding": null, "eval_batch_size": 1, "evaluate_during_training": false, "evaluate_during_training_silent": true, "evaluate_during_training_steps": 2000, "evaluate_during_training_verbose": false, "evaluate_each_epoch": true, "fp16": true, "gradient_accumulation_steps": 1, "learning_rate": 4e-05, "local_rank": -1, "logging_steps": 50, "loss_type": null, "loss_args": {}, "manual_seed": 123456789, "max_grad_norm": 1.0, "max_seq_length": 512, "model_name": "roberta-large", "model_type": "roberta", "multiprocessing_chunksize": -1, "n_gpu": 1, "no_cache": false, "no_save": false, "not_saved_args": [], "num_train_epochs": 11, "optimizer": "AdamW", "output_dir": "semantic_model", "overwrite_output_dir": true, "polynomial_decay_schedule_lr_end": 1e-07, "polynomial_decay_schedule_power": 1.0, "process_count": 26, "quantized_model": false, "reprocess_input_data": true, "save_best_model": true, "save_eval_checkpoints": true, "save_model_every_epoch": true, "save_optimizer_and_scheduler": true, "save_steps": 2000, "scheduler": "linear_schedule_with_warmup", "silent": false, "skip_special_tokens": true, "tensorboard_dir": null, "thread_count": null, "tokenizer_name": null, "tokenizer_type": null, "train_batch_size": 1, "train_custom_parameters_only": false, "use_cached_eval_features": false, "use_early_stopping": true, "use_hf_datasets": false, "use_multiprocessing": true, "use_multiprocessing_for_evaluation": true, "wandb_kwargs": {}, "wandb_project": null, "warmup_ratio": 0.06, "warmup_steps": 471, "weight_decay": 0.01, "model_class": "NERModel", "classification_report": false, "labels_list": ["O", "B-CONST_DIR", "B-LIMIT", "B-VAR", "I-VAR", "B-PARAM", "I-PARAM", "B-OBJ_NAME", "I-LIMIT", "I-CONST_DIR", "B-OBJ_DIR", "I-OBJ_NAME"], "lazy_loading": false, "lazy_loading_start_line": 0, "onnx": false, "special_tokens_list": []}
pytorch_model.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:657a77fc556acbc15ce2aa771e23856a3204ad1f298107423051929d768381b9
3
  size 1417426289
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:69f5f1f27b73d139e7af8d595daf34ec9c4f2922348e608a8825d4d8aae38ac7
3
  size 1417426289
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:6f69dc1178ef56866403b82fc53a4fdbd5648787cae2fc493c1265f6af24d6c0
3
  size 3183
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c76a2039426fb57d62cc2bde357d1223784e5b79a36ee711b8757bd93c04a796
3
  size 3183