Trending repositories for topic bert
Bringing BERT into modernity via both architecture changes and scaling
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
AI orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. W...
This repository contains demos I made with the Transformers library by HuggingFace.
we want to create a repo to illustrate usage of transformers in chinese
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Sear...
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
A Unified Library for Parameter-Efficient and Modular Transfer Learning
对豆瓣影评进行文本分类情感分析,利用爬虫豆瓣爬取评论,进行数据清洗,分词,采用BERT、CNN、LSTM等模型进行训练,采用tensorboardX可视化训练过程,自然语言处理项目\A project for text classification, based on torch 1.7.1
bert-loves-chemistry: a repository of HuggingFace models applied on chemical SMILES data for drug design, chemical modelling, etc.
Bringing BERT into modernity via both architecture changes and scaling
对豆瓣影评进行文本分类情感分析,利用爬虫豆瓣爬取评论,进行数据清洗,分词,采用BERT、CNN、LSTM等模型进行训练,采用tensorboardX可视化训练过程,自然语言处理项目\A project for text classification, based on torch 1.7.1
Retrieve, Read and LinK: Fast and Accurate Entity Linking and Relation Extraction on an Academic Budget (ACL 2024)
Technical and sentiment analysis to predict the stock market with machine learning models based on historical time series data and news article sentiment collected using APIs and web scraping.
基于PyTorch的BERT中文文本分类模型(BERT Chinese text classification model implemented by PyTorch)
we want to create a repo to illustrate usage of transformers in chinese
TEXTOIR is the first opensource toolkit for text open intent recognition. (ACL 2021)
bert-loves-chemistry: a repository of HuggingFace models applied on chemical SMILES data for drug design, chemical modelling, etc.
情感分析、文本分类、词典、bayes、sentiment analysis、TextCNN、classification、tensorflow、BERT、CNN、text classification
Phoneme-Level BERT for Enhanced Prosody of Text-to-Speech with Grapheme Predictions
Chinese Mandarin Grapheme-to-Phoneme Converter. 中文轉注音或拼音 (INTERSPEECH 2022)
AI orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. W...
Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
Bringing BERT into modernity via both architecture changes and scaling
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
AI orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. W...
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
This repository contains demos I made with the Transformers library by HuggingFace.
we want to create a repo to illustrate usage of transformers in chinese
Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Sear...
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
Natural Language Processing Tutorial for Deep Learning Researchers
🏄 Scalable embedding, reasoning, ranking for images and sentences with CLIP
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Transformer related optimization, including BERT, GPT
Bringing BERT into modernity via both architecture changes and scaling
📚 Text Classification with LoRA (Low-Rank Adaptation) of Language Models - Efficiently fine-tune large language models for text classification tasks using the Stanford Sentiment Treebank (SST-2) data...
基于pytorch框架,针对文本分类的机器学习项目,集成多种算法(xgboost, lstm, bert, mezha等等),提供基础数据集,开箱即用,方便自己二次拓展,持续更新
Use Large Language Models like OpenAI's GPT-3.5 for data annotation and model enhancement. This framework combines human expertise with LLMs, employs Iterative Active Learning for continuous improveme...
🤗 ParsBERT: Transformer-based Model for Persian Language Understanding
基于PyTorch的BERT中文文本分类模型(BERT Chinese text classification model implemented by PyTorch)
对豆瓣影评进行文本分类情感分析,利用爬虫豆瓣爬取评论,进行数据清洗,分词,采用BERT、CNN、LSTM等模型进行训练,采用tensorboardX可视化训练过程,自然语言处理项目\A project for text classification, based on torch 1.7.1
Retrieve, Read and LinK: Fast and Accurate Entity Linking and Relation Extraction on an Academic Budget (ACL 2024)
Generalist and Lightweight Model for Relation Extraction (Extract any relationship types from text)
Awesome-LLM-Eval: a curated list of tools, datasets/benchmark, demos, leaderboard, papers, docs and models, mainly for Evaluation on LLMs. 一个由工具、基准/数据、演示、排行榜和大模型等组成的精选列表,主要面向基础大模型评测,旨在探求生成式AI的技术边界.
TEXTOIR is the first opensource toolkit for text open intent recognition. (ACL 2021)
we want to create a repo to illustrate usage of transformers in chinese
BERT classification model for processing texts longer than 512 tokens. Text is first divided into smaller chunks and after feeding them to BERT, intermediate results are pooled. The implementation all...
Chinese Mandarin Grapheme-to-Phoneme Converter. 中文轉注音或拼音 (INTERSPEECH 2022)
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
AI orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. W...
Bringing BERT into modernity via both architecture changes and scaling
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
This repository contains demos I made with the Transformers library by HuggingFace.
we want to create a repo to illustrate usage of transformers in chinese
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Sear...
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Natural Language Processing Tutorial for Deep Learning Researchers
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI
[ICLR'23 Spotlight🔥] The first successful BERT/MAE-style pretraining on any convolutional network; Pytorch impl. of "Designing BERT for Convolutional Networks: Sparse and Hierarchical Masked Modeling...
Bringing BERT into modernity via both architecture changes and scaling
Generalist and Lightweight Model for Relation Extraction (Extract any relationship types from text)
AI-Generated Text Detection: A BERT-powered solution for accurately identifying AI-generated text. Seamlessly integrated, highly accurate, and user-friendly.🚀
Use Large Language Models like OpenAI's GPT-3.5 for data annotation and model enhancement. This framework combines human expertise with LLMs, employs Iterative Active Learning for continuous improveme...
📚 Text Classification with LoRA (Low-Rank Adaptation) of Language Models - Efficiently fine-tune large language models for text classification tasks using the Stanford Sentiment Treebank (SST-2) data...
Transformers 3rd Edition
Natural Language Processing with Transformers 中译本,最权威Transformers教程
Easy and lightning fast training of 🤗 Transformers on Habana Gaudi processor (HPU)
对豆瓣影评进行文本分类情感分析,利用爬虫豆瓣爬取评论,进行数据清洗,分词,采用BERT、CNN、LSTM等模型进行训练,采用tensorboardX可视化训练过程,自然语言处理项目\A project for text classification, based on torch 1.7.1
Retrieve, Read and LinK: Fast and Accurate Entity Linking and Relation Extraction on an Academic Budget (ACL 2024)
we want to create a repo to illustrate usage of transformers in chinese
Dataset associated with "BOLD: Dataset and Metrics for Measuring Biases in Open-Ended Language Generation" paper
A repository containing comprehensive Neural Networks based PyTorch implementations for the semantic text similarity task, including architectures such as: Siamese LSTM Siamese BiLSTM with Attention ...
[NAACL 2022 Findings] Good Visual Guidance Makes A Better Extractor: Hierarchical Visual Prefix for Multimodal Entity and Relation Extraction
BERT classification model for processing texts longer than 512 tokens. Text is first divided into smaller chunks and after feeding them to BERT, intermediate results are pooled. The implementation all...
Bringing BERT into modernity via both architecture changes and scaling
Go library for embedded vector search and semantic embeddings using llama.cpp
Generalist and Lightweight Model for Relation Extraction (Extract any relationship types from text)
AI-powered universal search for all your personal data, tailored just for you. Goal:The world's first product with "edge-side LLMs + consumer data localization" as its core development direction.
[ICML'24 Oral] APT: Adaptive Pruning and Tuning Pretrained Language Models for Efficient Training and Inference
This project focuses on fine-tuning a BERT model for question answering using a limited dataset for illustration purposes.
Developed BERT, LSTM, TFIDF, and Word2Vec models to analyze social media data, extracting service aspects and sentiments from a custom dataset. Provided actionable insights to telecom operators for cu...
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
AI orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. W...
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
This repository contains demos I made with the Transformers library by HuggingFace.
👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Sear...
Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
Natural Language Processing Tutorial for Deep Learning Researchers
we want to create a repo to illustrate usage of transformers in chinese
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Transformer related optimization, including BERT, GPT
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
LLM-PowerHouse: Unleash LLMs' potential through curated tutorials, best practices, and ready-to-use code for custom training and inferencing.
Go library for embedded vector search and semantic embeddings using llama.cpp
LLM-PowerHouse: Unleash LLMs' potential through curated tutorials, best practices, and ready-to-use code for custom training and inferencing.
The Official Repo for "Quick Start Guide to Large Language Models"
Use Large Language Models like OpenAI's GPT-3.5 for data annotation and model enhancement. This framework combines human expertise with LLMs, employs Iterative Active Learning for continuous improveme...
Unattended Lightweight Text Classifiers with LLM Embeddings
📚 Text Classification with LoRA (Low-Rank Adaptation) of Language Models - Efficiently fine-tune large language models for text classification tasks using the Stanford Sentiment Treebank (SST-2) data...
AI-Generated Text Detection: A BERT-powered solution for accurately identifying AI-generated text. Seamlessly integrated, highly accurate, and user-friendly.🚀
AI-powered universal search for all your personal data, tailored just for you. Goal:The world's first product with "edge-side LLMs + consumer data localization" as its core development direction.
Fast and memory-efficient library for WordPiece tokenization as it is used by BERT.
文本相似度,语义向量,文本向量,text-similarity,similarity, sentence-similarity,BERT,SimCSE,BERT-Whitening,Sentence-BERT, PromCSE, SBERT
EMNLP 2023 Papers: Explore cutting-edge research from EMNLP 2023, the premier conference for advancing empirical methods in natural language processing. Stay updated on the latest in machine learning,...
Highly commented implementations of Transformers in PyTorch
Awesome-LLM-Eval: a curated list of tools, datasets/benchmark, demos, leaderboard, papers, docs and models, mainly for Evaluation on LLMs. 一个由工具、基准/数据、演示、排行榜和大模型等组成的精选列表,主要面向基础大模型评测,旨在探求生成式AI的技术边界.
[IEEE BigData 2022, 5th Workshop on Big Data for CyberSecurity (BigCyber-2022)] Dark patterns in e-commerce: a dataset and its baseline evaluations
Technical and sentiment analysis to predict the stock market with machine learning models based on historical time series data and news article sentiment collected using APIs and web scraping.
Research and Materials on Hardware implementation of Transformer Model
[Survey] Masked Modeling for Self-supervised Representation Learning on Vision and Beyond (https://arxiv.org/abs/2401.00897)