Before going to Silicon Valley, I love challenge to new technology, I made git static page to arrange concept of computer sceince for myself. I started studying the Data structure, algorithm and OSefore going to Silicon Valley, I love challenge to new technology, I made git static page to arrange concept of computer sceince for myself. I started studying the Data structure, algorithm and OS(operating system). that is a good time to remember knowledge I forgot. And, continuously while I’m doing OpenSource project In Silicon Valley, CA, I will make a note about what I learn.
요즘 미국 실리콘 밸리로 인턴을 떠나기 전에 심심해서 지금의 Git-Hub을 이용해 내 홈페이지를 만들고, 자바 “자바의 정석”, 열혈강의 C/C++, 자료구조, os(운영체제) 등을 다시 학습을 하기 시작했다. 이를 통해 그동안 잊고 지냈던 개념들을 다시 알게 되어 좋은 시간인거 같다. 또한 미국에서 리눅스 관련 OpenSource 작업을 하면서 필요한 정보들을 그때 그때 정리해놓아서 나중에 많은 도움을 받을 수 있을 거 같다.
C++ 1
Go back to the topConvRec 1
Go back to the topData 1
Go back to the topData Structure 15
- Search - Posted on April 21, 2016
- Sorting - Posted on April 20, 2016
- Priority Queue and Heap - Posted on March 28, 2016
- Expression Tree - Posted on March 28, 2016
- Tree - Posted on March 24, 2016
- Queue with LinkedList - Posted on March 22, 2016
- Deque - Posted on March 22, 2016
- Queue - Posted on March 21, 2016
- Calculator with Stack - Posted on March 18, 2016
- Stack - Posted on March 18, 2016
- Doubly LinkedList - Posted on March 17, 2016
- Circular LinkedList - Posted on March 16, 2016
- Singly Linked List - Posted on March 15, 2016
- Array List - Posted on March 14, 2016
- What is the Data Structure ? - Posted on February 8, 2016
DataBase 5
- Analysis of RocsksDB code - Posted on April 8, 2016
- About levelDB benchmark - Posted on March 30, 2016
- About RockDB install2 - Posted on March 24, 2016
- About RocksDB Install - Posted on March 22, 2016
- About RocksDB - Posted on March 18, 2016
Decoding 3
- (ITI) Inference-Time Intervenction- Eliciting Truthful answers from a Language Model - Posted on October 14, 2023
- (DoLA) DECODING BY CONTRASTING LAYERS IMPROVES FACTUALITY IN LARGE LANGUAGE MODELS - Posted on October 14, 2023
- (Contrastive Decoding) Open-ended Text Generation as Optimizzation - Posted on October 14, 2023
Dialogue 1
Go back to the topExtenstion Of DataStructure 17
- How to measure span of A[j] <= A[i] of a array - Posted on August 10, 2016
- How to reverse a stack, only using stack operations - Posted on August 9, 2016
- What is the palindrome ? - Posted on August 7, 2016
- Infix To Pofix - Posted on August 6, 2016
- How to generate stak with array or dynamic array - Posted on August 5, 2016
- How to reverse a list in groups of given size - Posted on August 4, 2016
- How to check if letters of LinkedList is palindrome - Posted on August 3, 2016
- How to split a ciculrar LinkedList into two halves - Posted on August 2, 2016
- How to change a singly LinkedList pairwise - Posted on July 31, 2016
- the length of a LinkedList is odd or even ? and How to merge two sorted LinkedList - Posted on July 30, 2016
- Finding the middle of LinkeList and printing out LinkedList in reverse order - Posted on July 29, 2016
- How can I find out intersection of two LinkedList ? - Posted on July 10, 2016
- How can I reverse the LinkedList ? - Posted on July 9, 2016
- Whether the LinkedList has portion of rotation - Posted on July 9, 2016
- How long is the rotation of linkedList ? - Posted on July 8, 2016
- Where is the Nth from the end of LinkedList ? - Posted on July 8, 2016
- Extension of Douubly Linked List with XOR operator - Posted on July 7, 2016
LLM 13
- Direct Language Model Alignment from Online AI Feedback - Posted on September 2, 2024
- Self-Alignment with Instruction Backtranslation - Posted on August 6, 2024
- Self-Rewarding Language Models - Posted on August 5, 2024
- Meta-Rewarding Language Models - Self-Improving Alignment with LLM-as-a-Meta-Judge - Posted on August 5, 2024
- Beyond One-Preference-Fits-All Alignment - Multi-Objective Direct Preference Optimization - Posted on July 16, 2024
- Chat Vector - A Simple Approach to Equip LLMs with Instruction Following and Model Alignment in New Languages - Posted on July 13, 2024
- ORPO - Monolithic Preference Optimization without preference Model - Posted on July 9, 2024
- Fine-Tuning Languae Models From Human Preferences - Posted on June 10, 2024
- Direct Preference Optimization - Your Language Model is Secretly a Reward Model - Posted on June 10, 2024
- LLaMa2 - Open Foundation and Fine-Tuned Chat Models - Posted on March 18, 2024
- LLaMa - Open and Efficient Foundation Language Models - Posted on March 18, 2024
- Refreshing Large Language Modes With Search Engine Augmentation - Posted on January 5, 2024
- Teaching Models to Express Their Uncertainty in Words - Posted on November 20, 2023
LLMEVAL 1
- Length-Controlled AlpacaEval - A Simple Way to Debias Automatic Evaluators - Posted on July 20, 2024
LLM_Knowledge 1
Go back to the topLM 1
Go back to the topLeetCode 11
- 12. Integer to Roman - Posted on January 6, 2017
- 11. Container With Most Water - Posted on January 4, 2017
- 9. Panlindrome Number - Posted on December 5, 2016
- 8. String to Integer(atoi) - Posted on November 26, 2016
- 7. Reverse Integer - Posted on November 15, 2016
- 6. ZigZag Conversion - Posted on November 15, 2016
- 5. Longest Palindromic Substring - Posted on November 3, 2016
- 3. Longest substring without Repeating characters - Posted on November 2, 2016
- 2. Add Two Numbers - Posted on November 1, 2016
- 344. Reverse String - Posted on October 24, 2016
- 1. Two Sum - Posted on October 24, 2016
Linux 23
- what is the Mutex and Semaphore? - Posted on April 2, 2018
- What are the Username and Hostname ? - Posted on November 14, 2017
- What is the IRQ Handler ? - Posted on January 3, 2017
- Difference between Make oldconfig and olddefconfig - Posted on December 5, 2016
- Git and Oh My Zsh - Posted on October 11, 2016
- Shell Script - Posted on July 12, 2016
- SSH (Secure Shell) - Posted on May 25, 2016
- Mounting F2FS - Posted on April 28, 2016
- Linux File and Filesystem - Posted on April 18, 2016
- Error, Cannot Open Shared object file - Posted on April 7, 2016
- Cmake and Gflag - Posted on April 7, 2016
- Bashrch File - Posted on April 5, 2016
- Basic Shell Command & Software Package - Posted on April 1, 2016
- Removing Custom kernel - Posted on March 31, 2016
- /dev Directory - Posted on March 28, 2016
- IOCTL(I/O control) - Posted on March 16, 2016
- Analysis of NVMe Driver source - Posted on March 10, 2016
- Typedef In Kernel - Posted on March 9, 2016
- Linux File Permission - Posted on March 7, 2016
- Booting Of Linux - Posted on March 7, 2016
- Linux Command - Posted on March 2, 2016
- Hard Link and Soft Link - Posted on March 1, 2016
- How to compile Linux - Posted on February 24, 2016
Machine Learning 1
Go back to the topNLP Papers - Information Retrieval 1
Go back to the topNLP Papers - OOS 1
Go back to the topNLP Papers - Retrieval 2
- NCI (Neural Corpus Indexer) - Posted on April 5, 2023
- DSI (Differentiable Search Index) - Posted on March 31, 2023
NLP papers - CNN 1
Go back to the topNLP papers - Character Embedding 2
- Joint Learning of Character and Word Embeddings - Posted on May 3, 2020
- Multi-prototype Chinese Character Embedding - Posted on May 2, 2020
NLP papers - Compression 2
- MobileBERT- a Compact Task-Agnostic BERT for Resource-Limited Devices - Posted on December 4, 2020
- Distilling the Knowledge in a Neural Network - Posted on December 3, 2020
NLP papers - Contextual Embedding 5
- Language Modeling Teaches You More Syntax than Translation Does- Lessons Learned Through Auxiliary Task Analysis - Posted on November 30, 2020
- Deep RNNs Encode Soft Hierarchical Syntax - Posted on November 30, 2020
- What do you learn from context? Probing for sentence structure in contextualized word representations - Posted on November 26, 2020
- Linguistic Knowledge and Transferability of Contextual Representations - Posted on December 26, 2019
- context2vec- Learning Generic Context Embedding with Bidirectional LSTM - Posted on November 25, 2019
NLP papers - Coreference Resolution 1
Go back to the topNLP papers - Cross-lingual Sentence Embedding 2
- Cross-lingualLanguageModelPretraining - Posted on May 7, 2021
- Massively Multilingual Sentence Embeddings for Zero-Shot Cross-Lingual Transfer and Beyond - Posted on June 16, 2020
NLP papers - Cross-lingual Word Embedding 2
- Normalized Word Embedding and Orthogonal Transform for Bilingual Word Translation - Posted on June 1, 2020
- Exploiting Similarities among Languages for Machine Translation - Posted on May 28, 2020
NLP papers - Dependency Parsing 1
Go back to the topNLP papers - Error Dectection 1
Go back to the topNLP papers - Grounding NLP 1
Go back to the topNLP papers - Language Model 16
- Neural Attention Models for Sequence Classification- Analysis and Application to Key Term Extraction and Dialogue Act Detection - Posted on April 1, 2021
- MASS- Sequence to Sequence Pre-training for Language Generation - Posted on March 31, 2021
- RoBERTa- A Robustly Optimized BERT Pretraining Approach - Posted on March 15, 2021
- BART- Denoising Sequence-to-Sequence Pre-training for Natural Language Generation, Translation, and Comprehension - Posted on January 21, 2021
- SpanBERT- Improving Pre-training by Representing and Predicting Spans - Posted on December 23, 2020
- Exploring the Limits of Language Modeling - Posted on December 10, 2020
- Targeted Syntactic Evaluation of Language Models - Posted on November 26, 2020
- Adaptive Input Representations for Neural Language Modeling - Posted on November 19, 2020
- From Characters to Words to in Between- Do We Capture Morphology? - Posted on August 5, 2020
- Language Models are Unsupervised Multitask Learners - Posted on July 1, 2020
- Character n-gram Embeddings to Improve RNN Language Models - Posted on May 6, 2020
- Attentive Language models - Posted on August 12, 2019
- Recurrent neural network based language model - Posted on December 6, 2018
- Extensions of recurrent neural network Language model - Posted on December 6, 2018
- Character-Aware Neural Language Models - Posted on November 30, 2018
- LSTM Neural Network for Language Modeling - Posted on October 27, 2018
NLP papers - MISC 2
- fairseq - A Fast, Extensible Toolkit for Sequence Modeling - Posted on December 23, 2020
- Distinguishing Japanese Non-standard Usages from Standard Ones - Posted on October 5, 2018
NLP papers - Machine Reading Comprehension 2
- RACE Large-scale ReAding Comprehension Dataset From Examinations - Posted on June 21, 2020
- Bidirectional Attention Flow for Machine Comprehension - Posted on December 18, 2019
NLP papers - Metrics 1
Go back to the topNLP papers - Multi-Task 1
Go back to the topNLP papers - Multi-prototype Embedding 1
Go back to the topNLP papers - NLG 2
- The Curious Case of Neural Text Degeneration - Posted on June 4, 2020
- GhostWriter - Using an LSTM for Automatic Rap Lyric Generation - Posted on September 21, 2018
NLP papers - NLI 1
Go back to the topNLP papers - Natural Language Inference 1
Go back to the topNLP papers - OOV Embedding 2
- Finding Function in Form- Compositional Character Models for Open Vocabulary Word Representation - Posted on November 2, 2020
- Predicting and interpreting embeddings for out of vocabulary words in downstream tasks - Posted on November 1, 2020
NLP papers - One(Few or Zero)-shot Learning 1
Go back to the topNLP papers - Question Answering 2
- Attention-Guided Answer Distillation for Machine Reading Comprehension - Posted on September 8, 2020
- QANet- Combining Local Convolution with Global Self-Attention for Reading Comprehension - Posted on August 25, 2020
NLP papers - Retrofitting 2
- Retrofitting Word Vectors to Semantic Lexicons - Posted on January 8, 2020
- Retrofitting Contextualized Word Embeddings with Paraphrases - Posted on December 10, 2019
NLP papers - SRL 1
Go back to the topNLP papers - Sentence Embedding 9
- Towards Universal Paraphrastic Sentence Embeddings - Posted on July 21, 2020
- Discourse-Based Objectives for Fast Unsupervised Sentence Representation Learning - Posted on June 24, 2020
- Learning Distributed Representations of Sentences from Unlabelled Data - Posted on June 23, 2020
- A Convolutional Neural Network for Modelling Sentences - Posted on May 12, 2020
- CHARAGRAM- Embedding Words and Sentences via Character n-grams - Posted on May 5, 2020
- Supervised Learning of Universal Sentence Representations from Natural Language Inference Data - Posted on January 2, 2020
- An efficient framework for learning sentence representations - Posted on December 19, 2019
- Skip-Thought Vectors - Posted on August 30, 2019
- Distributed Representations Of Sentences and Documents - Posted on March 28, 2018
NLP papers - Summarization 4
- Pointing the Unknown Words - Posted on August 28, 2020
- Neural Summarization by Extracting Sentences and Words - Posted on August 26, 2020
- Extractive Summarization using Continuous Vector Space Models - Posted on March 18, 2018
- Centroid-based Text Summarization through Compositionality of Word Embeddings - Posted on March 9, 2018
NLP papers - Survey 1
Go back to the topNLP papers - Tagging 14
- Multilingual Part-of-Speech Tagging with Bidirectional Long Short-Term Memory Models and Auxiliary Loss - Posted on October 15, 2020
- Learning Character-level Representations for Part-of-Speech Tagging - Posted on July 7, 2020
- Neural Architectures for Named Entity Recognition - Posted on June 24, 2020
- Semi-supervised Multitask Learning for Sequence Labeling - Posted on June 23, 2020
- Contextual String Embeddings for Sequence Labeling - Posted on May 28, 2020
- Attending to Characters in Neural Sequence Labeling Models - Posted on May 28, 2020
- Character-based Bidirectional LSTM-CRF with words and characters for Japanese Named Entity Recognition - Posted on May 25, 2020
- Word-Context Character Embeddings for Chinese Word Segmentation - Posted on May 6, 2020
- Neural Domain Adaptation with Contextualized Character Embedding for Chinese Word Segmentation - Posted on May 4, 2020
- Max-Margin Tensor Neural Network for Chinese Word Segmentation - Posted on May 3, 2020
- Boosting Named Entity Recognition with Neural Character Embeddings - Posted on May 2, 2020
- Named Entity Recognition with Bidirectional LSTM-CNNs - Posted on May 1, 2020
- End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF - Posted on June 28, 2019
- Bidirectional LSTM-CRF Models for Seqeunce Tagging - Posted on April 17, 2018
NLP papers - Text Classification 4
- Recursive Deep Models for Semantic Compositionality Over a Sentiment Treebank - Posted on November 26, 2019
- Joint Embedding of Words and Labels for Text Classification - Posted on November 10, 2019
- Hierarchical Attention Networks for Document Classification - Posted on August 27, 2019
- Modeling Rich Contexts for Sentiment Classification with LSTM - Posted on August 19, 2019
NLP papers - Text Similarity 1
Go back to the topNLP papers - Tokenizer 1
Go back to the topNLP papers - Transfer Learning 10
- ALBERT- A Lite BERT for Self-supervised Learning of Language Representations - Posted on June 23, 2020
- Improving Language Understanding by Generative Pre Training - Posted on June 22, 2020
- Semi-supervised sequence tagging with bidirectional language models - Posted on December 16, 2019
- GLUE- A Multi-Task Benchmark and Analysis Platform for Natural Language Understanding. - Posted on December 3, 2019
- Deep contextualized word representations - Posted on December 2, 2019
- BERT- Pre-training of Deep Bidirectional Transformers for Language Understanding - Posted on December 2, 2019
- Learned in Translation - Contextualized Word Vectors - Posted on November 19, 2019
- Convolutional Neural Networks for Sentence Classification - Posted on November 12, 2019
- Semi-supervised Sequence Learning - Posted on November 11, 2019
- Universal Language Model Fine-tuning for Text Classification - Posted on August 6, 2019
NLP papers - Translation 15
- Character-based Neural Machine Translation - Posted on November 11, 2020
- Addressing the Rare Word Problem in Neural Machine Translation - Posted on November 5, 2020
- On Using Very Large Target Vocabulary for Neural Machine Translation - Posted on November 2, 2020
- Improving Neural Machine Translation Models with Monolingual Data - Posted on September 14, 2020
- Neural Machine Translation of Rare Words with Subword Units - Posted on June 23, 2020
- Google's Multilingual Neural Machine Translation System- Enabling Zero-Shot Translation - Posted on June 23, 2020
- Universal Neural Machine Translation for Extremely Low Resource Languages - Posted on June 17, 2020
- Transfer Learning for Low-Resource Neural Machine Translation - Posted on June 17, 2020
- Meta-Learning for Low-Resource Neural Machine Translation - Posted on June 17, 2020
- Investigating Backtranslation in Neural Machine Translation - Posted on June 3, 2020
- On the Properties of Neural Machine Translation- Encoder-Decoder Approaches - Posted on August 28, 2019
- Sequence to Sequence Learning with Neural Networks - Posted on August 27, 2019
- Effective Approaches to Attention-based Neural Machine Translation - Posted on August 6, 2019
- Neural Machine Translation By Jointly Learning to align and translate - Posted on January 1, 2019
- Google's Neural Machine Translation System - Posted on May 31, 2018
NLP papers - Universal Dependency 1
Go back to the topNLP papers - Word Embedding 12
- Linguistic Regularities in Sparse and Explicit Word Representations - Posted on May 4, 2021
- Don’t count, predict! A systematic comparison of context-counting vs. context-predicting semantic vectors - Posted on November 1, 2020
- Jointly Learning Word Representations and Composition Functions Using Predicate-Argument Structures - Posted on June 12, 2020
- Dependency-Based Word Embeddings - Posted on May 15, 2020
- Better Word Representations with Recursive Neural Networks for Morphology - Posted on May 13, 2020
- Improving Word Representations via Global Context and Multiple Word Prototypes - Posted on February 9, 2020
- GloVe-Global Vectors for Word Representation - Posted on October 31, 2018
- Enriching Word Vectors with Subword Information - Posted on April 22, 2018
- Efficient Estimation of Word Representations in Vector Space - Posted on April 6, 2018
- Distributed Representations of Words and Phrases and their Compositionality for Word2Vec investigation - Posted on March 10, 2018
- The Distributional Hypothesis for Word2Vec investigation - Posted on March 8, 2018
- Linguistic Regularities in Continuous Space Word Representations for Word2Vec investigation - Posted on January 14, 2018
NN papers - Analysis 1
Go back to the topNN papers - Generative Model 1
Go back to the topNN papers - Survey 1
Go back to the topNatural Language Processing Labs 35
- What kind of Linux command is useful? - Posted on September 20, 2018
- Tensorflow practice - Posted on May 24, 2018
- CFFI to interface to C function on pyhon - Posted on May 13, 2018
- How to make Makefile - Posted on May 13, 2018
- How to use SWIG to wrap the function written in c for using the function on python - Posted on May 11, 2018
- The Basic exmaple to use ctypes to wrap function written in c from python with just exmaple code - Posted on May 11, 2018
- How to use ctypes more deeper to connect function written in c from python - Posted on May 11, 2018
- How to wrapping function written in another language with ctypes - Posted on May 11, 2018
- How to use sphinx - Posted on May 6, 2018
- How to upload PyPI - Posted on April 24, 2018
- Extension module with CPython on Python3 - Posted on April 21, 2018
- Extension module on Python2 - Posted on April 21, 2018
- Interfacing With External C Code2 - Posted on April 20, 2018
- Interfacing with External C code - Posted on April 20, 2018
- How to call C function on cython - Posted on April 19, 2018
- cython example of primes - Posted on April 18, 2018
- Fibonacci funtion for practice with cython - Posted on April 18, 2018
- pyximport - Posted on April 17, 2018
- dynamic linking and extension on cython - Posted on April 17, 2018
- Basic Sample with Cython's glob - Posted on April 17, 2018
- Basic Sample about Cython Extension - Posted on April 17, 2018
- GCC practice - Posted on April 17, 2018
- a test set of syntactic and semantic question for word embedding performance - Posted on April 7, 2018
- What is the difference between Unicode and UTF-8? - Posted on April 2, 2018
- How to remove a character like Carriage return character? - Posted on April 1, 2018
- What kind of Linux command is useful? - Posted on January 22, 2018
- How To Get And Parse Wikimedia - Posted on January 18, 2018
- How to check whether or not the direcotry exists - Posted on January 18, 2018
- Organization of vim command - Posted on January 17, 2018
- Basic Shell Script - Posted on January 17, 2018
- Function usage of shell script - Posted on January 17, 2018
- How To Use SVMight And SVM Multiclass - Posted on November 16, 2017
- How To Use Google's Word2Vec C Source File - Posted on November 15, 2017
- Organization Of Linux Commands - Posted on June 27, 2017
- How to do multi-booting CentOS 7 on Windows 10 - Posted on March 20, 2017
Python 21
- How to convert ipynb file to PDF - Posted on September 20, 2018
- How to compare two arrary on numpy module - Posted on March 30, 2018
- Generator - Posted on March 29, 2018
- Decorator - Posted on March 28, 2018
- Closure - Posted on March 27, 2018
- First class function on python - Posted on March 26, 2018
- Immutable vs Mutable variable on python - Posted on March 25, 2018
- Pylint for PEB8 style guide - Posted on March 14, 2018
- Python API with Flask Framework - Posted on November 18, 2017
- How To Jupyter Notebook Display - Posted on November 18, 2017
- How to Access Jupyter Notebook Remotely - Posted on November 14, 2017
- Tips in Jupyter notebook with python - Posted on November 12, 2017
- What is the argparse module of python - Posted on July 8, 2017
- pyvenv, venv, and virtualenv on python - Posted on June 28, 2017
- IDE for python, Spyder - Posted on June 27, 2017
- how to use matplotlib for vector - Posted on May 16, 2017
- What is the jupyter notebook of python - Posted on May 15, 2017
- Tutorial of Scipy and Matplotlib with Stanford's CS224n - Posted on April 7, 2017
- Tutorial of Numpy with Stanford's CS224n - Posted on April 5, 2017
- Tutorial of python with Stanford's CS224n - Posted on April 1, 2017
- Tutorial of python with Jump To Python,open-book. - Posted on March 30, 2017
RAG 2
- Crafting Rich Response for Multi-Faceted Queries in Retrieval-Augmented Generation - Posted on August 20, 2024
- Reinforcing Large Language Model Perforemance through Retrieval-Augmented Generation with Multiple Partitions - Posted on August 20, 2024
Recommendation 1
Go back to the topSSD (Solid State Drives) 38
- How to program to EEPROM and What is writing to EEPROM ? - Posted on January 19, 2017
- What is plugin mode in NVMe-cli-1.1 opensource - Posted on January 18, 2017
- What it the difference between nvme-cli-0.7 and nvme-cli-1.1 ? - Posted on January 13, 2017
- New Command Of LINUX - Posted on January 11, 2017
- Process priority, CPU isolation, CPU affinity, Hyper-threading of CPU core and so on - Posted on January 3, 2017
- The EFI, EFI Shell and BMC(boardbased management controller) - Posted on December 23, 2016
- Benchmark tool of filesystem - filebench - Posted on December 23, 2016
- Benchmark of F2FS(F2 filesystem) - Posted on December 12, 2016
- pblk 19 Document of rightNVM & OpenchannelSSD Linux, Work queue, memory barrier, write back cache control and Circular queue - Posted on November 21, 2016
- Over Provisioning in SSD - Posted on November 21, 2016
- Doxygen for code analysis - Posted on November 16, 2016
- LightNVM's DataStructure code for generic media manager - Posted on November 11, 2016
- Sysfs and UAPI - Posted on November 10, 2016
- LightNVM code of Generic Media - Posted on November 7, 2016
- options for OpenChannelSSD and LightNVM on QEMU-NVMe - Posted on October 27, 2016
- OpenChannelSSD and LightNVM 2016 - Posted on October 24, 2016
- Ram Disk - Posted on October 21, 2016
- VNC - Posted on October 13, 2016
- Flexible I/O - Posted on October 13, 2016
- QCT - Posted on October 12, 2016
- The Remote Desktop Connection Manager in windows - Posted on October 11, 2016
- LightNVM with OpenchannelSSD on QEMU-NVMe - Posted on October 4, 2016
- QEMU-NVMe For OpenchannelSSD and LightNVM. - Posted on October 3, 2016
- QEMU(Generic and Open Source Machine emulator and Virtualizer) and QEMU-KVM - Posted on September 30, 2016
- LightNVM - Posted on September 28, 2016
- Vi Command And Linux Command 2 - Posted on September 26, 2016
- NVMe Driver Source code - Posted on September 19, 2016
- NVMe Controller Architecture - Posted on September 15, 2016
- Multi-Queu on block layer in Linux Kernel - Posted on September 14, 2016
- WAF - Posted on September 13, 2016
- Block device and BIO(block I/O) Architecture - Posted on September 8, 2016
- Blue_DBM driver open source analysis - Posted on September 6, 2016
- Struture of Blue DBM driver open source and Concept of block device driver - Posted on August 31, 2016
- Read, Write, Erase(Dataset) of Open source(NVMe Cli) for SSD(NVMe) - Posted on July 11, 2016
- What is the NVMe and NVMe's Multi Queue? - Posted on May 20, 2016
- BlueDBM - An Application for Big Data Analytics - Posted on May 17, 2016
- AFTL of AMF paper - Posted on May 11, 2016
- Open-Channel Solid State Drive - Posted on March 7, 2016
Security 2
- Min hash for similarity of documents - Posted on October 11, 2018
- Security's file similarity with Jaccard Index - Posted on October 11, 2018
Tensorflow 10
- How to do padding in Tensorflow - Posted on July 23, 2018
- How to get and use MNIST data in Tensorflow - Posted on January 18, 2018
- What is the word embedding in Tensorflow with Tensorboard's Embedding projector - Posted on January 12, 2018
- What is the word embedding in Tensorflow with Tensorboard's Embedding projector - Posted on January 10, 2018
- Get Started of Tensorflow with basic way - Posted on January 10, 2018
- What it the sharing variable in Tensorflow? - Posted on January 9, 2018
- What it the graph and session in Tensorflow? - Posted on January 9, 2018
- What it the variable in Tensorflow? - Posted on January 6, 2018
- What it the tensor in Tensorflow? - Posted on January 6, 2018
- How to install TensorFlow - Posted on June 27, 2017
Tensorflow_api 4
- Api docs of tf.nn.max_pool - Posted on July 24, 2018
- Api docs of tf.nn.conv2d - Posted on July 23, 2018
- Api docs of tf.concat - Posted on July 13, 2018
- Api docs of tf.constant - Posted on July 13, 2018
Text2SQL 7
- Towards Generalizable and Robust Text-to-SQL Parsing - Posted on April 29, 2024
- UnifiedSKG - Unifying and Multi-Tasking Structured Knowledge Grounding with Text-to-Text Language Models - Posted on April 22, 2024
- Can LLM Already Serve as A Database Interface? A BIg Bench for Large-Scale Database Grounded Text-to-SQLs - Posted on April 17, 2024
- Improving Text-to-SQL Evaluation Methodology - Posted on April 16, 2024
- Spider - A Large-Scale Human-Labeled Dataset for Complex and Cross-Domain Semantic Parsing and Text-to-SQL Task - Posted on April 13, 2024
- Recent Advances in Text-to-SQL - A Survey of What We Have and What We Expect - Posted on April 5, 2024
- A Survey on Text-to-SQL Parsing - Conctps, Methods, and Future Directions - Posted on April 1, 2024
Transformer - Position Embedding 2
- Self-Attention with Relative Position Representations - Posted on August 1, 2022
- Music Transformer - Generating Music with Long-Term Structure - Posted on August 1, 2022
Transformer - Setence Embedding 1
Go back to the topWeb Programming 14
- Font Awesom class inside a Bootstrap alert. - Posted on January 18, 2018
- How to make timeline on website easily - Posted on December 12, 2017
- How to make hugo static site - Posted on December 6, 2017
- How to make sharing icon and error that when I make gitpage, I encountered - Posted on December 23, 2016
- How to use Tag and category cloud in Jekyll - Posted on December 17, 2016
- How to generate a list of category and tags in jekyll - Posted on December 17, 2016
- How to add big image in Beautiful-jekyll for my gitpage - Posted on December 16, 2016
- How to use DISQUS with my static website - Posted on December 15, 2016
- Test of Code block with highlight in Jekyll - Posted on December 14, 2016
- How to use a google custom Search Engine - Posted on December 11, 2016
- Let's start jeklly with beautiful-jekyll - Posted on December 10, 2016
- Markdown tutorial's sites - Posted on April 12, 2016
- Static Website with Jekyll - Posted on February 1, 2016
- What is the MVC Pattern ? - Posted on January 3, 2016