cronoik
8729109855
fixes #8968 ( #9009 )
2020-12-09 16:21:41 +01:00
Sylvain Gugger
00aa9dbca2
Copyright ( #8970 )
...
* Add copyright everywhere missing
* Style
2020-12-07 18:36:34 -05:00
Jessica Yung
143b564e59
Add pip install update to resolve import error in transformers notebook ( #8616 )
...
* Add pip install update to resolve import error
Add pip install upgrade tensorflow-gpu to remove error below:
```
---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-2-094fadb93f3f> in <module>()
1 import torch
----> 2 from transformers import AutoModel, AutoTokenizer, BertTokenizer
3
4 torch.set_grad_enabled(False)
4 frames
/usr/local/lib/python3.6/dist-packages/transformers/__init__.py in <module>()
133
134 # Pipelines
--> 135 from .pipelines import (
136 Conversation,
137 ConversationalPipeline,
/usr/local/lib/python3.6/dist-packages/transformers/pipelines.py in <module>()
46 import tensorflow as tf
47
---> 48 from .modeling_tf_auto import (
49 TF_MODEL_FOR_QUESTION_ANSWERING_MAPPING,
50 TF_MODEL_FOR_SEQ_TO_SEQ_CAUSAL_LM_MAPPING,
/usr/local/lib/python3.6/dist-packages/transformers/modeling_tf_auto.py in <module>()
49 from .configuration_utils import PretrainedConfig
50 from .file_utils import add_start_docstrings
---> 51 from .modeling_tf_albert import (
52 TFAlbertForMaskedLM,
53 TFAlbertForMultipleChoice,
/usr/local/lib/python3.6/dist-packages/transformers/modeling_tf_albert.py in <module>()
22 import tensorflow as tf
23
---> 24 from .activations_tf import get_tf_activation
25 from .configuration_albert import AlbertConfig
26 from .file_utils import (
/usr/local/lib/python3.6/dist-packages/transformers/activations_tf.py in <module>()
52 "gelu": tf.keras.layers.Activation(gelu),
53 "relu": tf.keras.activations.relu,
---> 54 "swish": tf.keras.activations.swish,
55 "silu": tf.keras.activations.swish,
56 "gelu_new": tf.keras.layers.Activation(gelu_new),
AttributeError: module 'tensorflow_core.python.keras.api._v2.keras.activations' has no attribute 'swish'
```
I have tried running the colab after this change and it seems to work fine (all the cells run with no errors).
* Update notebooks/02-transformers.ipynb
only need to upgrade tensorflow, not tensorflow-gpu.
Co-authored-by: Lysandre Debut <lysandre@huggingface.co>
Co-authored-by: Lysandre Debut <lysandre@huggingface.co>
2020-11-23 09:58:52 -05:00
Patrick von Platen
f744b81572
add new notebooks ( #8246 )
2020-11-02 20:21:55 +01:00
Martin Monperrus
93354bc779
doc: fix typo ( #8235 )
2020-11-02 08:53:17 -05:00
Peter Bayerle
cc2e312ca3
adding text classification with DistilBERT/tf notebook ( #7964 )
...
Looking at the current community notebooks, it seems that few are targeted for absolute beginners and even fewer are written with TensorFlow. This notebook describes absolutely everything a beginner would need to know, including how to save/load their model and use it for new predictions (this is often omitted in tutorials)
Co-authored-by: Lysandre Debut <lysandre@huggingface.co>
2020-10-22 09:30:50 -04:00
zolekode
4abb7ffc18
added qg evaluation notebook ( #7958 )
...
* added qg evaluation notebook
* Update notebooks/README.md
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-10-22 11:02:12 +02:00
Sam Shleifer
2b574e7c60
[bart] fix config.classif_dropout ( #7593 )
2020-10-06 11:33:51 -04:00
Dhaval Taunk
2ca0fae9a6
added script for fine-tuning roberta for sentiment analysis task ( #7505 )
2020-10-05 03:57:15 -04:00
Muhammad Harris
a42f62d34f
Train T5 in Tensoflow 2 Community Notebook ( #7428 )
...
* t5 t5 community notebook added
* author link updated
* t5 t5 community notebook added
* author link updated
* new colab link updated
Co-authored-by: harris <muhammad.harris@visionx.io>
2020-10-01 16:54:29 +02:00
Nadir El Manouzi
4b3e55bdcc
Add "Fine-tune ALBERT for sentence-pair classification" notebook to the community notebooks ( #7255 )
2020-09-21 04:25:22 -04:00
Dhaval Taunk
c183d81e27
added multilabel text classification notebook using distilbert to community notebooks ( #7201 )
...
* added multilabel classification using distilbert notebook to community notebooks
* added multilabel classification using distilbert notebook to community notebooks
2020-09-17 05:58:57 -04:00
Philipp Schmid
8235426ee8
New Community NB "Fine tune GPT-2 with Trainer class" ( #7005 )
2020-09-08 03:42:20 -04:00
Funtowicz Morgan
bbdba0a76d
Update ONNX notebook to include section on quantization. ( #6831 )
...
* Update ONNX notebook to include section on quantization.
Signed-off-by: Morgan Funtowicz <morgan@huggingface.co>
* Addressing ONNX team comments
2020-08-31 21:28:00 +02:00
Thomas Ashish Cherian
a5847619e3
Fixed open in colab link ( #6825 )
2020-08-30 18:21:00 +08:00
Siddharth Jain
3c3c46f563
Typo fix in 04-onnx-export ( #6595 )
2020-08-20 16:17:16 +08:00
elsanns
9f57e39f71
Add notebook on fine-tuning and interpreting Electra ( #6321 )
...
Co-authored-by: eliska <3648991+elisans@users.noreply.github.com>
2020-08-08 11:47:33 +02:00
Tanmay Thakur
842eb45606
New Community NB Add ( #5824 )
...
Signed-off-by: lordtt13 <thakurtanmay72@yahoo.com>
2020-07-28 04:25:12 -04:00
Patrick von Platen
223084e42b
Add Reformer to notebooks
2020-07-10 18:34:25 +02:00
Patrick von Platen
40d98ebf50
Update benchmark notebook ( #5603 )
...
* Créé avec Colaboratory
* delete old file
2020-07-08 16:03:59 +02:00
Patrick von Platen
f82a2a5e8e
[Benchmark] Add benchmarks for TF Training ( #5594 )
...
* tf_train
* adapt timing for tpu
* fix timing
* fix timing
* fix timing
* fix timing
* update notebook
* add tests
2020-07-08 12:11:09 +02:00
Patrick von Platen
306f1a2695
Add Reformer MLM notebook ( #5450 )
...
* Add Reformer MLM notebook
* Update notebooks/README.md
2020-07-02 00:20:49 +02:00
Patrick von Platen
4bcc35cd69
[Docs] Benchmark docs ( #5360 )
...
* first doc version
* add benchmark docs
* fix typos
* improve README
* Update docs/source/benchmarks.rst
Co-authored-by: Lysandre Debut <lysandre@huggingface.co>
* fix naming and docs
Co-authored-by: Lysandre Debut <lysandre@huggingface.co>
2020-06-29 16:08:57 +02:00
Thomas Wolf
601d4d699c
[tokenizers] Updates data processors, docstring, examples and model cards to the new API ( #5308 )
...
* remove references to old API in docstring - update data processors
* style
* fix tests - better type checking error messages
* better type checking
* include awesome fix by @LysandreJik for #5310
* updated doc and examples
2020-06-26 19:48:14 +02:00
Patrick von Platen
834b6884c5
Add benchmark notebook ( #5312 )
...
* add notebook
* Créé avec Colaboratory
* move notebook to correct folder
* correct link
* correct filename
* correct filename
* better name
2020-06-26 17:38:13 +02:00
Sylvain Gugger
7c41057d50
Add hugs ( #5225 )
2020-06-24 07:56:14 -04:00
Michaël Benesty
0cca61925c
Add link to new comunity notebook (optimization) ( #5195 )
...
* Add link to new comunity notebook (optimization)
related to https://github.com/huggingface/transformers/issues/4842#event-3469184635
This notebook is about benchmarking model training with/without dynamic padding optimization.
https://github.com/ELS-RD/transformers-notebook
Using dynamic padding on MNLI provides a **4.7 times training time reduction**, with max pad length set to 512. The effect is strong because few examples are >> 400 tokens in this dataset. IRL, it will depend of the dataset, but it always bring improvement and, after more than 20 experiments listed in this [article](https://towardsdatascience.com/divide-hugging-face-transformers-training-time-by-2-or-more-21bf7129db9q-21bf7129db9e?source=friends_link&sk=10a45a0ace94b3255643d81b6475f409 ), it seems to not hurt performance.
Following advice from @patrickvonplaten I do the PR myself :-)
* Update notebooks/README.md
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-06-22 23:47:33 +02:00
Pri Oberoi
a258982af3
Add missing arg in 02-transformers notebook ( #5085 )
...
* Add missing arg when creating model
* Fix typos
* Remove from_tf flag when creating model
2020-06-18 19:04:04 -04:00
Abhishek Kumar Mishra
3e5928c57d
Adding notebooks for Fine Tuning [Community Notebook] ( #4732 )
...
* Added links to more community notebooks
Added links to 3 more community notebooks from the git repo: https://github.com/abhimishra91/transformers-tutorials
Different Transformers models are fine tuned on Dataset using PyTorch
* Update README.md
* Update README.md
* Update README.md
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-06-03 11:07:26 +02:00
Lorenzo Ampil
d3ef14f931
Add community notebook for sentiment span extraction ( #4700 )
2020-06-02 09:59:53 +02:00
Patrick von Platen
6f82aea66b
Include nlp
notebook for model evaluation ( #4676 )
2020-05-29 19:38:56 +02:00
Iz Beltagy
91487cbb8e
[Longformer] fix model name in examples ( #4653 )
...
* fix longformer model names in examples
* a better name for the notebook
2020-05-29 13:12:35 +02:00
Iz Beltagy
fe5cb1a1c8
Adding community notebook ( #4642 )
...
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-05-28 22:35:15 +02:00
Suraj Patil
aecaaf73a4
[Community notebooks] add longformer-for-qa notebook ( #4652 )
2020-05-28 22:27:22 +02:00
Lavanya Shukla
3cc2c2a150
add 2 colab notebooks ( #4505 )
...
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-05-28 11:18:16 +02:00
ohmeow
5ddd8d6531
Add BART fine-tuning summarization community notebook ( #4539 )
...
* adding BART summarization how-to community notebook
* Update notebooks/README.md
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-05-26 16:43:41 +02:00
Patrick von Platen
0f6969b7e9
Better github link for Reformer Colab Notebook
2020-05-22 23:51:36 +02:00
Patrick von Platen
12e6afe900
Add Reformer colab to community noteboos
2020-05-22 17:03:34 +02:00
Nathan Cooper
cacb654c7f
Add Fine-tune DialoGPT on new datasets notebook ( #4473 )
2020-05-20 16:17:52 -04:00
Suraj Patil
5856999a9f
add T5 fine-tuning notebook [Community notebooks] ( #4462 )
...
* add T5 fine-tuning notebook [Community notebooks]
* Update README.md
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2020-05-19 18:26:28 +02:00
Funtowicz Morgan
ca4a3f4da9
Adding optimizations block from ONNXRuntime. ( #4431 )
...
* Adding optimizations block from ONNXRuntime.
* Turn off external data format by default for PyTorch export.
* Correct the way use_external_format is passed through the cmdline args.
2020-05-18 20:32:33 +02:00
Patrick von Platen
24538df919
[Community notebooks] General notebooks ( #4441 )
...
* Update README.md
* Update README.md
* Update README.md
* Update README.md
2020-05-18 20:23:57 +02:00
Nikita
62427d0815
rerun notebook 02-transformers ( #4341 )
2020-05-15 10:33:08 -04:00
Morgan Funtowicz
84894974bd
Updated ONNX notebook link in README.
2020-05-14 22:40:59 +02:00
Funtowicz Morgan
db0076a9df
Conversion script to export transformers models to ONNX IR. ( #4253 )
...
* Added generic ONNX conversion script for PyTorch model.
* WIP initial TF support.
* TensorFlow/Keras ONNX export working.
* Print framework version info
* Add possibility to check the model is correctly loading on ONNX runtime.
* Remove quantization option.
* Specify ONNX opset version when exporting.
* Formatting.
* Remove unused imports.
* Make functions more generally reusable from other part of the code.
* isort happy.
* flake happy
* Export only feature-extraction for now
* Correctly check inputs order / filter before export.
* Removed task variable
* Fix invalid args call in load_graph_from_args.
* Fix invalid args call in convert.
* Fix invalid args call in infer_shapes.
* Raise exception and catch in caller function instead of exit.
* Add 04-onnx-export.ipynb notebook
* More WIP on the notebook
* Remove unused imports
* Simplify & remove unused constants.
* Export with constant_folding in PyTorch
* Let's try to put function args in the right order this time ...
* Disable external_data_format temporary
* ONNX notebook draft ready.
* Updated notebooks charts + wording
* Correct error while exporting last chart in notebook.
* Adressing @LysandreJik comment.
* Set ONNX opset to 11 as default value.
* Set opset param mandatory
* Added ONNX export unittests
* Quality.
* flake8 happy
* Add keras2onnx dependency on extras["tf"]
* Pin keras2onnx on github master to v1.6.5
* Second attempt.
* Third attempt.
* Use the right repo URL this time ...
* Do the same for onnxconverter-common
* Added keras2onnx and onnxconveter-common to 1.7.0 to supports TF2.2
* Correct commit hash.
* Addressing PR review: Optimization are enabled by default.
* Addressing PR review: small changes in the notebook
* setup.py comment about keras2onnx versioning.
2020-05-14 16:35:52 -04:00
Patrick von Platen
839bfaedb2
[Docs, Notebook] Include generation pipeline ( #4295 )
...
* add first text for generation
* add generation pipeline to usage
* Created using Colaboratory
* correct docstring
* finish
2020-05-13 14:24:08 -04:00
Stefan Schweter
b5c6d3d4c7
notebooks: minor fix for community provided models example ( #4025 )
2020-04-28 09:12:25 +02:00
Jonathan Sum
0cec4fab7d
typo: fine-grained token-leven
...
Changing from "fine-grained token-leven" to "fine-grained token-level"
2020-04-16 15:11:23 -04:00
Anthony MOI
b7cf9f43d2
Update tokenizers to 0.7.0-rc5 ( #3705 )
2020-04-10 14:23:49 -04:00
Lysandre Debut
261c4ff4e2
Update notebooks ( #3620 )
...
* Update notebooks
* From local to global link
* from local links to *actual* global links
2020-04-06 14:32:39 -04:00