JERRYLSU
  • Home
  • Categories
  • Tags
  • Archives

All Categories

Algorithms19
  • LLM Algorithms Jan 01, 2024
  • Brackets Matching Dec 16, 2022
  • Sliding Window Feb 24, 2021
  • Viterbi Algorithm Feb 22, 2021
  • A* Heuristic Algorithm May 20, 2020
  • Sort May 19, 2020
  • LinkedList May 09, 2020
  • Algorithm Apr 28, 2020
  • Backtracking Apr 09, 2020
  • Topological Sorting Jun 18, 2019
  • Breadth First Search Jun 16, 2019
  • Dynamic Programming Jun 01, 2019
  • Binary Tree Apr 15, 2019
  • BackTracking Jan 01, 2019
  • Binary Search Jan 01, 2019
  • Dynamic Programming Jan 01, 2019
  • Graph Jan 01, 2019
  • Tree: 算法之源 Jan 01, 2019
  • Data Structure and Algorithm in Python Nov 17, 2018
LLM5
  • LLM Agent Mar 24, 2025
  • Switch Transformer Jan 21, 2025
  • Nucleus Sampling Top-p Sampling Feb 20, 2024
  • Contrastive Language-Image Pretraining Jan 04, 2024
  • SELF-INSTRUCT: Aligning Language Model with Self Generated Instructions Apr 29, 2023
ML15
  • Scipy stats Jan 06, 2022
  • Binomial distribution Jan 05, 2022
  • Faiss Sep 17, 2021
  • Capsule Networkers Feb 14, 2021
  • CNN Mar 10, 2020
  • Cross Validation-CV Jan 18, 2020
  • Logistic Regression Dec 07, 2019
  • Automated Feature Engineering: Featuretools Jul 02, 2019
  • PCA Jul 01, 2019
  • L1 and L2 Regularization Jun 23, 2019
  • Bias vs Variance Jun 22, 2019
  • GBDT Jun 08, 2019
  • Adaboost Dec 05, 2018
  • CART Dec 04, 2018
  • Information Theory Dec 03, 2018
NLP44
  • GGUF Model Oct 21, 2024
  • MinHash: Document-level Deduplication Aug 08, 2024
  • Paddle adversarial train Nov 03, 2022
  • Longformer Torch2Paddle May 10, 2022
  • Paddle.nn.functional.unfold May 07, 2022
  • Pytorch tensor.stride & tensor.as_strided May 04, 2022
  • Pytorch View vs Reshape May 03, 2022
  • pytorch.nn.functional.pad May 02, 2022
  • Creating folds properly Feb 27, 2022
  • Longformer BigBird Feb 22, 2022
  • Mapping chars and words to tokens Feb 22, 2022
  • Feedback prize evaluating student writing Feb 18, 2022
  • Hierarchical Position Embedding Nov 24, 2021
  • Paddle dtype Nov 24, 2021
  • Tokenizer offerset mapping Nov 23, 2021
  • paddle implements torch.repeat_interleave/K.repeat_elements using paddle.reshape & paddle.tile Nov 16, 2021
  • Mac m1 install Paddle Nov 15, 2021
  • Data EDA Oct 01, 2021
  • Bert as Service Sep 23, 2021
  • Cross Entropy Aug 26, 2021
  • NLP Unicode Tokenizer Mapping Aug 20, 2021
  • Text-Generation Jul 26, 2021
  • Pointer Networkers Feb 25, 2021
  • Utterance Rewriter Feb 24, 2021
  • HMM Viterbi Algorithm Feb 18, 2021
  • ConditionalRandomField Feb 04, 2021
  • torch.lt/torch.gt/torch.le/torch.ge/torch.ne Jan 14, 2021
  • BertForQuestionAnswering Jan 14, 2021
  • Convert pytorch checkpoint to tensorflow2 Nov 19, 2020
  • CMRC Metric Nov 19, 2020
  • NLP Resources Jul 26, 2020
  • 【NLP】Teacher Forcing Jul 11, 2020
  • 【RL】Reinforcement Learning May 21, 2020
  • 【RL】Q Learning May 06, 2020
  • 【RL】User Simulator Apr 13, 2020
  • NLP Attention Mar 28, 2020
  • 【NLP】BERT Mar 28, 2020
  • 【NLP】ELMo Mar 24, 2020
  • 【RL】Policy Gradient Mar 12, 2020
  • 【NLP】RASA Issues Mar 11, 2020
  • 【NLP】RASA Dialogue Transformers Mar 06, 2020
  • 【NLP】RASA Featurizer Mar 05, 2020
  • 【NLP】Embedding Jan 23, 2020
  • 【NLP】GlobalAveragePooling1D Jan 23, 2020
Programming74
  • Concurrent http requests using asyncio and aiohttp Jul 13, 2023
  • Rust closure Jan 05, 2023
  • Rust [] vs &[] vs vec![] Jan 05, 2023
  • Rust self vs &self vs &mut self Jan 05, 2023
  • Rust in JupyterLab Dec 20, 2022
  • Python docx using lxml Sep 25, 2022
  • Multiprocessing in FastAPI Jul 28, 2022
  • asyncio get_event_loop vs get_running_loop Jul 28, 2022
  • FastAPI for CPU-Bound Task Jul 19, 2022
  • Base64-encode-decode May 09, 2022
  • Joblib parallel Mar 23, 2022
  • Numpy [None, …] Nov 26, 2021
  • Pandas-regex Nov 02, 2021
  • Pandas-list-mapping Nov 01, 2021
  • Pandas-to-csv Sep 27, 2021
  • Docker Python Mysql Sep 16, 2021
  • Python - setdefault Aug 26, 2021
  • Numpy np.where Aug 12, 2021
  • Python Encode Decode Aug 05, 2021
  • Python -m Aug 05, 2021
  • Python Coroutine Apr 02, 2021
  • Python Blinker Mar 22, 2021
  • Scatter_nd Mar 04, 2021
  • Numpy Indexing Feb 22, 2021
  • Pytorch fancy indexing Feb 07, 2021
  • tensor.detach/torch.detach_/torch.data Jan 18, 2021
  • Pytorch-create-tensor Jan 07, 2021
  • batch padding Jan 07, 2021
  • Python dataclasses Jan 05, 2021
  • torch.rand/randn/randint Jan 04, 2021
  • torch.nn.CrossEntropyLoss Jan 04, 2021
  • Python - typing Jan 04, 2021
  • Python - Generator Dec 30, 2020
  • Python - Iterable vs Iterator Dec 30, 2020
  • Python - os Dec 24, 2020
  • Python Requests Dec 20, 2020
  • Python Decorator Dec 20, 2020
  • Python Built-in Functions Dec 18, 2020
  • CategoricalCrossentropy VS SparseCategoricalCrossentropy Dec 09, 2020
  • tf.not_equal/reduce_any/boolean_mask Dec 03, 2020
  • Python - list.index Dec 03, 2020
  • tf.broadcast_to Nov 23, 2020
  • tf.concat/split/stack Nov 23, 2020
  • tf.transpose/expand_dims/squeeze Nov 23, 2020
  • tf.math Nov 23, 2020
  • Pytorch Transformer Jul 22, 2020
  • Pytorch contiguous Jul 21, 2020
  • Pytorch distributed train Jun 25, 2020
  • Iterator Jun 11, 2020
  • C++ May 09, 2020
  • Spark Jul 20, 2019
  • Spark Partitions with Coalesce and Repartition Jul 19, 2019
  • Scala Tips Jul 17, 2019
  • Spark Tips Jul 16, 2019
  • Scala Collection Jul 12, 2019
  • SQLite Full-text Search Jun 26, 2019
  • Closure May 24, 2019
  • Passing a function as an argument: Lambda Function May 23, 2019
  • Using groupBy on multiple columns May 23, 2019
  • Python Object and Reference Apr 26, 2019
  • Case Class vs Class Apr 17, 2019
  • Singleton & Companion Object Apr 17, 2019
  • Auto-generated subtitles for any video Apr 13, 2019
  • Using loguru and notifiers instead of logging Apr 12, 2019
  • Checking DataFrame/Series missing values Apr 12, 2019
  • Python email Mar 28, 2019
  • Python logging Mar 28, 2019
  • Spark SQL Join Mar 21, 2019
  • Spark: Shuffling and Partitioning Mar 11, 2019
  • Scala with Gradle in Intellij Feb 28, 2019
  • Debugging Spark Application Feb 26, 2019
  • Scala Jan 13, 2019
  • Spark RDD Jan 03, 2019
  • Building Python Package with Pybuilder Oct 03, 2018
Projects5
  • Universal Chart Structural Multimodal Generation and Extraction Jun 15, 2024
  • DocTuning May 06, 2024
  • Ernie4paddle Aug 22, 2022
  • Global Pointer: Multi-Head Attention without Value Operation Aug 22, 2022
  • 2020 JD Multimodal Dialogue Challenge Nov 03, 2020
Tools20
  • PaddlePaddle NPU adaptation Mar 06, 2025
  • Docker build Sep 04, 2021
  • Docker export vs commit Sep 04, 2021
  • Docker Build GPU Base Image Sep 04, 2021
  • Jmeter Jun 24, 2021
  • Git LFS Bandwidth Issue Apr 12, 2021
  • Apache2 MacOS Mar 28, 2021
  • Isso-Comment-Server Mar 28, 2021
  • Apache2 Deploy Multi-sites Mar 23, 2021
  • Google-android Jan 02, 2021
  • Deploy model in production Sep 23, 2020
  • Deploy my blog quickly Mar 08, 2020
  • Docker Dec 23, 2019
  • Conda Dec 22, 2019
  • Cygwin Apr 24, 2019
  • Linux Jan 25, 2019
  • Hexo blog sync and migration Oct 13, 2018
  • Vim Oct 04, 2018
  • Git Oct 03, 2018
  • Keeping a fork synced with the origin repo Sep 16, 2018
Powered by: Pelican Theme: Elegant