معرفی شرکت ها


deepclassifier-0.0.6


Card image cap
تبلیغات ما

مشتریان به طور فزاینده ای آنلاین هستند. تبلیغات می تواند به آنها کمک کند تا کسب و کار شما را پیدا کنند.

مشاهده بیشتر
Card image cap
تبلیغات ما

مشتریان به طور فزاینده ای آنلاین هستند. تبلیغات می تواند به آنها کمک کند تا کسب و کار شما را پیدا کنند.

مشاهده بیشتر
Card image cap
تبلیغات ما

مشتریان به طور فزاینده ای آنلاین هستند. تبلیغات می تواند به آنها کمک کند تا کسب و کار شما را پیدا کنند.

مشاهده بیشتر
Card image cap
تبلیغات ما

مشتریان به طور فزاینده ای آنلاین هستند. تبلیغات می تواند به آنها کمک کند تا کسب و کار شما را پیدا کنند.

مشاهده بیشتر
Card image cap
تبلیغات ما

مشتریان به طور فزاینده ای آنلاین هستند. تبلیغات می تواند به آنها کمک کند تا کسب و کار شما را پیدا کنند.

مشاهده بیشتر

توضیحات

DeepClassifier is aimed at building general text classification model library.It's easy and user-friendly to build any text classification task.
ویژگی مقدار
سیستم عامل -
نام فایل deepclassifier-0.0.6
نام deepclassifier
نسخه کتابخانه 0.0.6
نگهدارنده []
ایمیل نگهدارنده []
نویسنده Zichao Li
ایمیل نویسنده 2843656167@qq.com
آدرس صفحه اصلی https://github.com/codewithzichao/DeepClassifier
آدرس اینترنتی https://pypi.org/project/deepclassifier/
مجوز Apache-2.0
# **DeepClassifier** DeepClassifier is a python package based on pytorch, which is easy-use and general for text classification task. You can install DeepClassifier by `pip install -U deepclassifier`。 If you want to know more information about DeepClassifier, please see the [**documentation**](https://deepclassifier.readthedocs.io/en/latest/). So let's start!🤩 > If you think DeepClassifier is good, please star and fork it to give me motivation to continue maintenance!🤩 And it's my pleasure that if Deepclassifier is helpful to you!🥰 ## **Installation** Just like other Python packages, DeepClassifier also can be installed through pip.The command of installation is `pip install -U deepclassifier`. ## **Models** Here is a list of models that have been integrated into DeepClassifier. In the future, we will integrate more models into DeepClassifier. Welcome to join us!🤩 1. **TextCNN:** [Convolutional Neural Networks for Sentence Classification](https://www.aclweb.org/anthology/D14-1181.pdf) ,2014 EMNLP 2. **RCNN:** [Recurrent Convolutional Neural Networks for Text Classification](https://www.deeplearningitalia.com/wp-content/uploads/2018/03/Recurrent-Convolutional-Neural-Networks-for-Text-Classification.pdf),2015,IJCAI 3. **DPCNN:** [Deep Pyramid Convolutional Neural Networks for Text Categorization](https://ai.tencent.com/ailab/media/publications/ACL3-Brady.pdf) ,2017,ACL 4. **HAN:** [Hierarchical Attention Networks for Document Classification](https://www.aclweb.org/anthology/N16-1174.pdf), 2016,ACL 5. **BERT:** [BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding](https://arxiv.org/pdf/1810.04805.pdf),2018, ACL 6. **BertTextCNN:** BERT+TextCNN 7. **BertRCNN:** BERT+RCNN 8. **BertDPCNN:** BERT+DPCNN 9. **BertHAN:** BERT+HAN ... ## Quick start I wiil show you that how to use DeepClassifier below.🥰 Click [**[here]**](https://github.com/codewithzichao/DeepClassifier/blob/master/examples) to display the complete code. you can define model like that(take BertTexCNN model as example):👇 ```python from deepclassifier.models import BertTextCNN # parameters of model embedding_dim = 768 # if you use bert, the default is 768. dropout_rate = 0.2 num_class = 2 bert_path = "/Users/codewithzichao/Desktop/bert-base-uncased/" my_model = BertTextCNN(embedding_dim=embedding_dim, dropout_rate=dropout_rate, num_class=num_class, bert_path=bert_path) optimizer = optim.Adam(my_model.parameters()) loss_fn = nn.CrossEntropyLoss() ``` After defining model, you can train/test/predict model like that:👇 ```python from deepclassifier.trainers import Trainer model_name = "berttextcnn" save_path = "best.ckpt" writer = SummaryWriter("logfie/1") max_norm = 0.25 eval_step_interval = 20 my_trainer = Trainer(model_name=model_name, model=my_model, train_loader=train_loader, dev_loader=dev_loader, test_loader=test_loader, optimizer=optimizer, loss_fn=loss_fn, save_path=save_path, epochs=1, writer=writer, max_norm=max_norm, eval_step_interval=eval_step_interval) # training my_trainer.train() # print the best F1 value on dev set print(my_trainer.best_f1) # testing p, r, f1 = my_trainer.test() print(p, r, f1) # predict pred_data = DataLoader(pred_data, batch_size=1) pred_label = my_trainer.predict(pred_data) print(pred_label) ``` ## **Contact me** If you want any questions about DeepClassifier, welcome to submit issue or pull requests! And welcome to communicate with me through 2843656167@qq.com.🥳


نیازمندی

مقدار نام
>=1.1.0 torch
>=4.0.0 transformers
- scikit-learn
- tensorboardX


زبان مورد نیاز

مقدار نام
>=3.6.0 Python


نحوه نصب


نصب پکیج whl deepclassifier-0.0.6:

    pip install deepclassifier-0.0.6.whl


نصب پکیج tar.gz deepclassifier-0.0.6:

    pip install deepclassifier-0.0.6.tar.gz