├── .github └── workflows │ └── node.js.yml ├── .gitignore ├── .idea ├── .gitignore ├── cool-coding.iml ├── modules.xml └── vcs.xml ├── README.md ├── blog ├── 2025-02-25-welcome │ └── index.md ├── authors.yml └── tags.yml ├── docs ├── ai │ ├── pytorch │ │ ├── 0-pytorch-basics │ │ │ ├── 0-introduction-to-pytorch.mdx │ │ │ ├── 1-pytorch-installation-and-configuration.mdx │ │ │ ├── 10-pytorch-device-management-cpugpu.mdx │ │ │ ├── 11-pytorch-random-number-generation.mdx │ │ │ ├── 12-pytorch-serialization-and-storage.mdx │ │ │ ├── 13-pytorch-memory-management.mdx │ │ │ ├── 2-pytorch-vs-numpy.mdx │ │ │ ├── 3-pytorch-tensor-basics.mdx │ │ │ ├── 4-pytorch-data-types.mdx │ │ │ ├── 5-pytorch-tensor-operations.mdx │ │ │ ├── 6-pytorch-tensor-indexing.mdx │ │ │ ├── 7-pytorch-tensor-shape-transformation.mdx │ │ │ ├── 8-pytorch-mathematical-operations.mdx │ │ │ ├── 9-pytorch-broadcast-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-pytorch-automatic-differentiation │ │ │ ├── 0-pytorch-computational-graph-concept.mdx │ │ │ ├── 1-pytorch-automatic-differentiation-principle.mdx │ │ │ ├── 10-pytorch-dynamic-graph-mechanism.mdx │ │ │ ├── 11-pytorch-static-graph-conversion.mdx │ │ │ ├── 12-pytorch-custom-automatic-derivative-function.mdx │ │ │ ├── 13-pytorch-gradient-checking.mdx │ │ │ ├── 2-pytorch-gradient-calculation.mdx │ │ │ ├── 3-pytorch-back-propagation.mdx │ │ │ ├── 4-gradient-descent-in-pytorch.mdx │ │ │ ├── 5-pytorch-optimizer-basics.mdx │ │ │ ├── 6-pytorch-gradient-clipping.mdx │ │ │ ├── 7-pytorch-derivative-example.mdx │ │ │ ├── 8-pytorch-high-order-derivatives.mdx │ │ │ ├── 9-pytorch-chain-rule.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-pytorch-reinforcement-learning │ │ │ ├── 0-pytorch-reinforcement-learning-basics.mdx │ │ │ ├── 1-pytorch-policy-gradient-method.mdx │ │ │ ├── 10-pytorch-reinforcement-learning-visualization.mdx │ │ │ ├── 11-pytorch-reinforcement-learning-application.mdx │ │ │ ├── 12-pytorch-and-openai-gym.mdx │ │ │ ├── 13-pytorch-custom-environment.mdx │ │ │ ├── 2-pytorch-q-learning.mdx │ │ │ ├── 3-pytorch-deep-q-network-dqn.mdx │ │ │ ├── 4-pytorch-actor-critic-algorithm.mdx │ │ │ ├── 5-pytorch-environment-interaction.mdx │ │ │ ├── 6-pytorch-reward-function.mdx │ │ │ ├── 7-pytorch-exploration-and-use.mdx │ │ │ ├── 8-pytorch-experience-replay.mdx │ │ │ ├── 9-pytorch-multi-agent-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-natural-language-processing-with-pytorch │ │ │ ├── 0-pytorch-text-data-processing.mdx │ │ │ ├── 1-pytorch-word-embedding.mdx │ │ │ ├── 10-pytorch-transfer-learning-nlp.mdx │ │ │ ├── 11-pytorch-text-generation.mdx │ │ │ ├── 12-pytorch-question-answering-system.mdx │ │ │ ├── 13-pytorch-text-summarization.mdx │ │ │ ├── 2-pytorch-word2vec-implementation.mdx │ │ │ ├── 3-pytorch-language-model.mdx │ │ │ ├── 4-pytorch-text-classification.mdx │ │ │ ├── 5-pytorch-sequence-labeling.mdx │ │ │ ├── 6-pytorch-machine-translation-basics.mdx │ │ │ ├── 7-pytorch-attention-mechanism.mdx │ │ │ ├── 8-pytorch-transformer-basics.mdx │ │ │ ├── 9-pytorch-bert-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-pytorch-graph-neural-network │ │ │ ├── 0-pytorch-graph-data-representation.mdx │ │ │ ├── 1-pytorch-graph-convolutional-network.mdx │ │ │ ├── 10-pytorch-social-network-analysis.mdx │ │ │ ├── 11-pytorch-molecular-property-prediction.mdx │ │ │ ├── 12-pytorch-knowledge-graph-reasoning.mdx │ │ │ ├── 13-pytorch-graph-neural-network-application.mdx │ │ │ ├── 2-pytorch-graph-attention-network.mdx │ │ │ ├── 3-pytorch-message-passing-neural-network.mdx │ │ │ ├── 4-pytorch-node-classification.mdx │ │ │ ├── 5-pytorch-link-prediction.mdx │ │ │ ├── 6-pytorch-graph-classification.mdx │ │ │ ├── 7-pytorch-graph-generation.mdx │ │ │ ├── 8-pytorch-integrated-with-dgl-library.mdx │ │ │ ├── 9-pytorch-and-pyg-library-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-pytorch-advanced-applications │ │ │ ├── 0-pytorch-federated-learning.mdx │ │ │ ├── 1-pytorch-meta-learning.mdx │ │ │ ├── 10-pytorch-privacy-protection-learning.mdx │ │ │ ├── 11-pytorch-fairness-and-bias.mdx │ │ │ ├── 12-pytorch-knowledge-distillation.mdx │ │ │ ├── 13-pytorch-model-compression.mdx │ │ │ ├── 2-pytorch-contrast-learning.mdx │ │ │ ├── 3-pytorch-self-supervised-learning.mdx │ │ │ ├── 4-pytorch-few-shot-learning.mdx │ │ │ ├── 5-pytorch-multimodal-learning.mdx │ │ │ ├── 6-pytorch-incremental-learning.mdx │ │ │ ├── 7-pytorch-lifelong-learning.mdx │ │ │ ├── 8-pytorch-neural-architecture-search.mdx │ │ │ ├── 9-pytorch-explains-ai.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-pytorch-ecosystem │ │ │ ├── 0-pytorch-lightning-framework.mdx │ │ │ ├── 1-pytorch-ignite-framework.mdx │ │ │ ├── 10-pytorch-model-library-and-hub.mdx │ │ │ ├── 11-pytorch-community-resources.mdx │ │ │ ├── 12-pytorch-best-practices.mdx │ │ │ ├── 13-pytorch-development-tools.mdx │ │ │ ├── 2-pytorch-and-hugging-face.mdx │ │ │ ├── 3-pytorch-and-mlflow-integration.mdx │ │ │ ├── 4-pytorch-and-tensorboard.mdx │ │ │ ├── 5-pytorch-and-weights--biases.mdx │ │ │ ├── 6-pytorch-and-ray.mdx │ │ │ ├── 7-pytorch-and-fastai.mdx │ │ │ ├── 8-pytorch-and-catalyst.mdx │ │ │ ├── 9-pytorch-and-openmmlab.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-pytorch-project-practice │ │ │ ├── 0-pytorch-image-classification-project.mdx │ │ │ ├── 1-pytorch-target-detection-project.mdx │ │ │ ├── 10-pytorch-model-deployment-project.mdx │ │ │ ├── 11-pytorch-mobile-application-project.mdx │ │ │ ├── 12-pytorch-web-service-project.mdx │ │ │ ├── 13-pytorch-competition-practice.mdx │ │ │ ├── 2-pytorch-image-segmentation-project.mdx │ │ │ ├── 3-pytorch-text-classification-project.mdx │ │ │ ├── 4-pytorch-machine-translation-project.mdx │ │ │ ├── 5-pytorch-recommendation-system-project.mdx │ │ │ ├── 6-pytorch-time-series-prediction-project.mdx │ │ │ ├── 7-pytorch-generative-adversarial-network-project.mdx │ │ │ ├── 8-pytorch-style-transfer-project.mdx │ │ │ ├── 9-pytorch-reinforcement-learning-project.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-pytorch-neural-network │ │ │ ├── 0-pytorch-neural-network-module.mdx │ │ │ ├── 1-pytorch-linear-layer.mdx │ │ │ ├── 10-pytorch-model-saving-and-loading.mdx │ │ │ ├── 11-pytorch-parameter-initialization.mdx │ │ │ ├── 12-pytorch-gradient-update.mdx │ │ │ ├── 13-pytorch-batch-normalization.mdx │ │ │ ├── 2-pytorch-activation-function.mdx │ │ │ ├── 3-pytorch-loss-function.mdx │ │ │ ├── 4-pytorch-optimizer.mdx │ │ │ ├── 5-pytorch-forward-propagation.mdx │ │ │ ├── 6-pytorch-back-propagation-process.mdx │ │ │ ├── 7-pytorch-model-construction.mdx │ │ │ ├── 8-pytorch-model-training.mdx │ │ │ ├── 9-pytorch-model-evaluation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-pytorch-data-processing │ │ │ ├── 0-pytorch-dataset-class.mdx │ │ │ ├── 1-pytorch-data-loader.mdx │ │ │ ├── 10-pytorch-memory-mapped-dataset.mdx │ │ │ ├── 11-pytorch-dataset-segmentation.mdx │ │ │ ├── 12-pytorch-image-data-processing.mdx │ │ │ ├── 13-pytorch-text-data-processing.mdx │ │ │ ├── 2-pytorch-data-preprocessing.mdx │ │ │ ├── 3-pytorch-data-augmentation.mdx │ │ │ ├── 4-pytorch-batch-processing.mdx │ │ │ ├── 5-pytorch-custom-dataset.mdx │ │ │ ├── 6-pytorch-built-in-dataset.mdx │ │ │ ├── 7-pytorch-data-sampler.mdx │ │ │ ├── 8-pytorch-data-pipeline-optimization.mdx │ │ │ ├── 9-pytorch-multi-process-data-loading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-pytorch-convolutional-neural-network │ │ │ ├── 0-pytorch-convolutional-layer-basics.mdx │ │ │ ├── 1-pytorch-convolution-operation-principle.mdx │ │ │ ├── 10-pytorch-visual-model-fine-tuning.mdx │ │ │ ├── 11-introduction-to-pytorch-object-detection.mdx │ │ │ ├── 12-pytorch-image-segmentation-basics.mdx │ │ │ ├── 13-pytorch-convolution-visualization.mdx │ │ │ ├── 2-pytorch-pooling-layer.mdx │ │ │ ├── 3-pytorch-convolutional-neural-network-structure.mdx │ │ │ ├── 4-pytorch-classic-cnn-model-implementation.mdx │ │ │ ├── 5-pytorch-image-classification.mdx │ │ │ ├── 6-pytorch-image-recognition.mdx │ │ │ ├── 7-pytorch-feature-extraction.mdx │ │ │ ├── 8-pytorch-transfer-learning-basics.mdx │ │ │ ├── 9-use-of-pytorch-pre-trained-model.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-pytorch-recurrent-neural-network │ │ │ ├── 0-pytorch-recurrent-neural-network-basics.mdx │ │ │ ├── 1-pytorch-rnn-layer.mdx │ │ │ ├── 10-pytorch-gradient-disappearance-and-explosion.mdx │ │ │ ├── 11-pytorch-sequence-prediction.mdx │ │ │ ├── 12-language-modeling-with-pytorch.mdx │ │ │ ├── 13-pytorch-time-series-analysis.mdx │ │ │ ├── 2-pytorch-lstm-layer.mdx │ │ │ ├── 3-pytorch-gru-layer.mdx │ │ │ ├── 4-pytorch-sequence-modeling.mdx │ │ │ ├── 5-pytorch-text-classification.mdx │ │ │ ├── 6-sentiment-analysis-with-pytorch.mdx │ │ │ ├── 7-pytorch-sequence-to-sequence-model.mdx │ │ │ ├── 8-pytorch-attention-mechanism-basics.mdx │ │ │ ├── 9-pytorch-recurrent-neural-network-training-techniques.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-pytorch-advanced-model-construction │ │ │ ├── 0-pytorch-modular-design.mdx │ │ │ ├── 1-pytorch-custom-layer.mdx │ │ │ ├── 10-pytorch-dynamic-computation-graph.mdx │ │ │ ├── 11-pytorch-conditional-execution.mdx │ │ │ ├── 12-pytorch-model-parallelism.mdx │ │ │ ├── 13-pytorch-mixed-precision-training.mdx │ │ │ ├── 2-pytorch-model-container.mdx │ │ │ ├── 3-pytorch-sequential-container.mdx │ │ │ ├── 4-pytorch-modulelist-usage.mdx │ │ │ ├── 5-pytorch-moduledict-usage.mdx │ │ │ ├── 6-pytorch-residual-connection.mdx │ │ │ ├── 7-pytorch-cross-layer-connection.mdx │ │ │ ├── 8-pytorch-multi-input-and-output-model.mdx │ │ │ ├── 9-pytorch-parameter-sharing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-pytorch-optimization-and-training │ │ │ ├── 0-pytorch-training-loop.mdx │ │ │ ├── 1-pytorch-verification-process.mdx │ │ │ ├── 10-pytorch-model-parallelism.mdx │ │ │ ├── 11-pytorch-training-visualization.mdx │ │ │ ├── 12-pytorch-performance-analysis.mdx │ │ │ ├── 13-pytorch-training-acceleration-techniques.mdx │ │ │ ├── 2-pytorch-early-stopping-method.mdx │ │ │ ├── 3-pytorch-learning-rate-scheduler.mdx │ │ │ ├── 4-pytorch-weight-decay.mdx │ │ │ ├── 5-pytorch-gradient-accumulation.mdx │ │ │ ├── 6-pytorch-mixed-precision-training.mdx │ │ │ ├── 7-pytorch-distributed-training-basics.mdx │ │ │ ├── 8-pytorch-multi-gpu-training.mdx │ │ │ ├── 9-pytorch-data-parallelism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-pytorch-model-evaluation-and-reasoning │ │ │ ├── 0-pytorch-model-evaluation-metrics.mdx │ │ │ ├── 1-pytorch-test-set-evaluation.mdx │ │ │ ├── 10-pytorch-onnx-conversion.mdx │ │ │ ├── 11-pytorch-torchscript.mdx │ │ │ ├── 12-pytorch-mobile-deployment.mdx │ │ │ ├── 13-pytorch-server-deployment.mdx │ │ │ ├── 2-pytorch-confusion-matrix.mdx │ │ │ ├── 3-pytorch-roc-curve.mdx │ │ │ ├── 4-pytorch-model-interpretability.mdx │ │ │ ├── 5-pytorch-inference-mode.mdx │ │ │ ├── 6-pytorch-batch-inference.mdx │ │ │ ├── 7-pytorch-model-quantization.mdx │ │ │ ├── 8-pytorch-model-pruning.mdx │ │ │ ├── 9-pytorch-model-export.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-pytorch-generative-model │ │ │ ├── 0-pytorch-autoencoder.mdx │ │ │ ├── 1-pytorch-variational-autoencoder.mdx │ │ │ ├── 10-pytorch-latent-space-operations.mdx │ │ │ ├── 11-pytorch-feature-visualization.mdx │ │ │ ├── 12-pytorch-generative-model-application.mdx │ │ │ ├── 13-pytorch-creative-ai.mdx │ │ │ ├── 2-pytorch-generates-adversarial-network-basics.mdx │ │ │ ├── 3-pytorch-gan-training-tips.mdx │ │ │ ├── 4-pytorch-conditional-gan.mdx │ │ │ ├── 5-pytorch-style-transfer.mdx │ │ │ ├── 6-pytorch-image-generation.mdx │ │ │ ├── 7-pytorch-text-generation.mdx │ │ │ ├── 8-pytorch-generative-model-evaluation.mdx │ │ │ ├── 9-pytorch-diffusion-model-basics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── tensorflow │ │ ├── 0-tensorflow-basics │ │ ├── 0-introduction-to-tensorflow.mdx │ │ ├── 1-tensorflow-installation-configuration.mdx │ │ ├── 10-tensorflow-operators.mdx │ │ ├── 11-tensorflow-graph-structure.mdx │ │ ├── 12-tensorflow-session.mdx │ │ ├── 13-tensorflow-device-management.mdx │ │ ├── 2-tensorflow-version-comparison.mdx │ │ ├── 3-tensorflow-development-environment.mdx │ │ ├── 4-tensorflow-programming-model.mdx │ │ ├── 5-tensorflow-basic-concepts.mdx │ │ ├── 6-tensorflow-tensor.mdx │ │ ├── 7-tensorflow-variables.mdx │ │ ├── 8-tensorflow-constants.mdx │ │ ├── 9-tensorflow-data-types.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-tensorflow-core-concepts │ │ ├── 0-tensorflow-computational-graph.mdx │ │ ├── 1-tensorflow-static-graph.mdx │ │ ├── 10-tensorflow-placeholder.mdx │ │ ├── 11-tensorflow-feed-and-fetch.mdx │ │ ├── 12-tensorflow-model-saving.mdx │ │ ├── 13-tensorflow-model-recovery.mdx │ │ ├── 2-tensorflow-dynamic-graph.mdx │ │ ├── 3-tensorflow-automatic-differentiation.mdx │ │ ├── 4-tensorflow-gradient-calculation.mdx │ │ ├── 5-tensorflow-immediate-execution.mdx │ │ ├── 6-tensorflow-eager-mode.mdx │ │ ├── 7-tensorflow-lazy-loading-mechanism.mdx │ │ ├── 8-tensorflow-variable-scope.mdx │ │ ├── 9-tensorflow-namespace.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-tensorflow-customization-and-extension │ │ ├── 0-tensorflow-custom-operations.mdx │ │ ├── 1-tensorflow-custom-gradient.mdx │ │ ├── 10-tensorflow-python-extension.mdx │ │ ├── 11-tensorflow-visualization-extension.mdx │ │ ├── 12-tensorflow-custom-dataset.mdx │ │ ├── 13-tensorflow-custom-data-enhancement.mdx │ │ ├── 2-tensorflow-custom-training-loop.mdx │ │ ├── 3-tensorflow-custom-loss-function.mdx │ │ ├── 4-tensorflow-custom-activation-function.mdx │ │ ├── 5-tensorflow-custom-layer-implementation.mdx │ │ ├── 6-tensorflow-custom-metrics.mdx │ │ ├── 7-tensorflow-custom-callback.mdx │ │ ├── 8-tensorflow-custom-model.mdx │ │ ├── 9-tensorflow-cpp-extension.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-tensorflow-visualization-and-debugging │ │ ├── 0-tensorflow-tensorboard.mdx │ │ ├── 1-tensorflow-visualization-training-process.mdx │ │ ├── 10-tensorflow-model-checkpoint.mdx │ │ ├── 11-tensorflow-logging.mdx │ │ ├── 12-tensorflow-debug-mode.mdx │ │ ├── 13-troubleshooting-tensorflow.mdx │ │ ├── 2-tensorflow-visualization-model-structure.mdx │ │ ├── 3-tensorflow-visualization-gradient.mdx │ │ ├── 4-tensorflow-visualization-weights.mdx │ │ ├── 5-tensorflow-visualization-activation.mdx │ │ ├── 6-tensorflow-visualization-embedding.mdx │ │ ├── 7-tensorflow-performance-analysis.mdx │ │ ├── 8-tensorflow-debugging-tools.mdx │ │ ├── 9-tensorflow-memory-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-tensorflow-high-level-api-and-tools │ │ ├── 0-tensorflow-keras.mdx │ │ ├── 1-tensorflow-estimator.mdx │ │ ├── 10-tensorflow-model-analysis.mdx │ │ ├── 11-tensorflow-serving.mdx │ │ ├── 12-tensorflow-quantization-tool.mdx │ │ ├── 13-tensorflow-profiler.mdx │ │ ├── 2-tensorflow-hub.mdx │ │ ├── 3-tensorflow-datasets.mdx │ │ ├── 4-tensorflow-graphics.mdx │ │ ├── 5-tensorflow-probability.mdx │ │ ├── 6-tensorflow-addons.mdx │ │ ├── 7-tensorflow-extended.mdx │ │ ├── 8-tensorflow-transform.mdx │ │ ├── 9-tensorflow-data-validation.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-tensorflow-ecosystem │ │ ├── 0-comparison-between-tensorflow-and-pytorch.mdx │ │ ├── 1-comparison-between-tensorflow-and-jax.mdx │ │ ├── 10-tensorflow-ecosystem-tools.mdx │ │ ├── 11-tensorflow-open-source-contribution.mdx │ │ ├── 12-tensorflow-learning-resources.mdx │ │ ├── 13-tensorflow-future-development.mdx │ │ ├── 2-comparison-between-tensorflow-and-mxnet.mdx │ │ ├── 3-interaction-between-tensorflow-and-onnx.mdx │ │ ├── 4-tensorflow-interoperates-with-other-frameworks.mdx │ │ ├── 5-tensorflow-community-resources.mdx │ │ ├── 6-tensorflow-paper-reproduction.mdx │ │ ├── 7-tensorflow-academic-research.mdx │ │ ├── 8-best-practices-for-tensorflow-production-environment.mdx │ │ ├── 9-tensorflow-version-migration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-tensorflow-project-practice │ │ ├── 0-tensorflow-image-classification-project.mdx │ │ ├── 1-tensorflow-target-detection-project.mdx │ │ ├── 10-tensorflow-automl-project.mdx │ │ ├── 11-tensorflow-meta-learning-project.mdx │ │ ├── 12-tensorflow-federated-learning-project.mdx │ │ ├── 13-tensorflow-edge-computing-project.mdx │ │ ├── 2-tensorflow-natural-language-processing-project.mdx │ │ ├── 3-tensorflow-recommendation-system-project.mdx │ │ ├── 4-tensorflow-time-series-prediction-project.mdx │ │ ├── 5-tensorflow-generate-model-project.mdx │ │ ├── 6-tensorflow-reinforcement-learning-project.mdx │ │ ├── 7-tensorflow-medical-imaging-project.mdx │ │ ├── 8-tensorflow-speech-recognition-project.mdx │ │ ├── 9-tensorflow-multimodal-learning-project.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-tensorflow-best-practices │ │ ├── 0-tensorflow-code-style.mdx │ │ ├── 1-tensorflow-model-design-pattern.mdx │ │ ├── 10-tensorflow-large-scale-model-training.mdx │ │ ├── 11-tensorflow-development-workflow.mdx │ │ ├── 12-tensorflow-project-structure-organization.mdx │ │ ├── 13-tensorflow-code-reuse-tips.mdx │ │ ├── 2-tensorflow-performance-optimization-tips.mdx │ │ ├── 3-tensorflow-memory-optimization-tips.mdx │ │ ├── 4-tensorflow-debugging-tips.mdx │ │ ├── 5-tensorflow-experiment-management.mdx │ │ ├── 6-tensorflow-version-control.mdx │ │ ├── 7-tensorflow-testing-strategy.mdx │ │ ├── 8-tensorflow-deployment-strategy.mdx │ │ ├── 9-tensorflow-model-monitoring.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-tensorflow-data-processing │ │ ├── 0-tensorflow-data-import.mdx │ │ ├── 1-tensorflow-data-preprocessing.mdx │ │ ├── 10-tensorflow-data-parallel-processing.mdx │ │ ├── 11-tensorflow-image-processing.mdx │ │ ├── 12-tensorflow-text-processing.mdx │ │ ├── 13-tensorflow-sequence-data-processing.mdx │ │ ├── 2-tensorflow-data-augmentation.mdx │ │ ├── 3-tensorflow-data-pipeline.mdx │ │ ├── 4-tensorflow-dataset-api.mdx │ │ ├── 5-tensorflow-tfrecord.mdx │ │ ├── 6-tensorflow-data-conversion.mdx │ │ ├── 7-tensorflow-data-batching.mdx │ │ ├── 8-tensorflow-data-shuffle.mdx │ │ ├── 9-tensorflow-data-cache.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-tensorflow-model-construction │ │ ├── 0-tensorflow-model-overview.mdx │ │ ├── 1-tensorflow-layer-api.mdx │ │ ├── 10-tensorflow-regularization.mdx │ │ ├── 11-tensorflow-callback-function.mdx │ │ ├── 12-tensorflow-custom-callback.mdx │ │ ├── 13-tensorflow-model-architecture-design.mdx │ │ ├── 2-tensorflow-custom-layer.mdx │ │ ├── 3-tensorflow-model-subclassing.mdx │ │ ├── 4-tensorflow-functional-api.mdx │ │ ├── 5-tensorflow-sequential-model.mdx │ │ ├── 6-tensorflow-model-combination.mdx │ │ ├── 7-tensorflow-feature-column.mdx │ │ ├── 8-tensorflow-loss-function.mdx │ │ ├── 9-tensorflow-activation-function.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-tensorflow-neural-network │ │ ├── 0-tensorflow-neural-network-basics.mdx │ │ ├── 1-tensorflow-fully-connected-network.mdx │ │ ├── 10-tensorflow-multi-task-learning.mdx │ │ ├── 11-tensorflow-attention-mechanism.mdx │ │ ├── 12-tensorflow-transformer-model.mdx │ │ ├── 13-tensorflow-knowledge-distillation.mdx │ │ ├── 2-tensorflow-convolutional-neural-network.mdx │ │ ├── 3-tensorflow-recurrent-neural-network.mdx │ │ ├── 4-tensorflow-lstm-network.mdx │ │ ├── 5-tensorflow-gru-network.mdx │ │ ├── 6-tensorflow-autoencoder.mdx │ │ ├── 7-tensorflow-generative-adversarial-network.mdx │ │ ├── 8-tensorflow-transfer-learning.mdx │ │ ├── 9-tensorflow-pre-trained-model.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-tensorflow-training-and-optimization │ │ ├── 0-tensorflow-training-process.mdx │ │ ├── 1-tensorflow-optimizer.mdx │ │ ├── 10-tensorflow-weight-constraints.mdx │ │ ├── 11-tensorflow-model-fine-tuning.mdx │ │ ├── 12-tensorflow-weight-decay.mdx │ │ ├── 13-tensorflow-hyperparameter-tuning.mdx │ │ ├── 2-tensorflow-learning-rate-scheduling.mdx │ │ ├── 3-tensorflow-gradient-clipping.mdx │ │ ├── 4-tensorflow-early-stopping-method.mdx │ │ ├── 5-tensorflow-overfitting-processing.mdx │ │ ├── 6-tensorflow-underfitting-processing.mdx │ │ ├── 7-tensorflow-batch-normalization.mdx │ │ ├── 8-tensorflow-layer-normalization.mdx │ │ ├── 9-tensorflow-weight-initialization.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-tensorflow-evaluation-and-metrics │ │ ├── 0-tensorflow-model-evaluation.mdx │ │ ├── 1-tensorflow-performance-metrics.mdx │ │ ├── 10-tensorflow-classification-metrics.mdx │ │ ├── 11-tensorflow-multi-label-evaluation.mdx │ │ ├── 12-tensorflow-model-interpretability.mdx │ │ ├── 13-tensorflow-feature-importance.mdx │ │ ├── 2-tensorflow-confusion-matrix.mdx │ │ ├── 3-tensorflow-accuracy.mdx │ │ ├── 4-tensorflow-precision-recall.mdx │ │ ├── 5-tensorflow-f1-score.mdx │ │ ├── 6-tensorflow-roc-curve.mdx │ │ ├── 7-tensorflow-auc-calculation.mdx │ │ ├── 8-tensorflow-custom-metrics.mdx │ │ ├── 9-tensorflow-regression-metrics.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-tensorflow-advanced-model │ │ ├── 0-tensorflow-object-detection.mdx │ │ ├── 1-tensorflow-semantic-segmentation.mdx │ │ ├── 10-tensorflow-recommendation-system.mdx │ │ ├── 11-tensorflow-anomaly-detection.mdx │ │ ├── 12-tensorflow-time-series-prediction.mdx │ │ ├── 13-tensorflow-reinforcement-learning.mdx │ │ ├── 2-tensorflow-instance-segmentation.mdx │ │ ├── 3-tensorflow-pose-estimation.mdx │ │ ├── 4-tensorflow-face-recognition.mdx │ │ ├── 5-tensorflow-style-transfer.mdx │ │ ├── 6-tensorflow-text-classification.mdx │ │ ├── 7-tensorflow-sentiment-analysis.mdx │ │ ├── 8-tensorflow-machine-translation.mdx │ │ ├── 9-tensorflow-speech-recognition.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-tensorflow-deployment-and-optimization │ │ ├── 0-tensorflow-model-export.mdx │ │ ├── 1-tensorflow-savedmodel-format.mdx │ │ ├── 10-tensorflow-edge-computing.mdx │ │ ├── 11-tensorflow-cloud-deployment.mdx │ │ ├── 12-tensorflow-model-monitoring.mdx │ │ ├── 13-tensorflow-continuous-integration-deployment.mdx │ │ ├── 2-tensorflow-model-optimization.mdx │ │ ├── 3-tensorflow-quantization.mdx │ │ ├── 4-tensorflow-pruning.mdx │ │ ├── 5-tensorflow-model-compression.mdx │ │ ├── 6-tensorflow-tensorrt.mdx │ │ ├── 7-tensorflow-serving.mdx │ │ ├── 8-tensorflow-lite.mdx │ │ ├── 9-tensorflow-mobile-deployment.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-tensorflow-distributed-training │ │ ├── 0-tensorflow-distributed-strategy.mdx │ │ ├── 1-tensorflow-data-parallelism.mdx │ │ ├── 10-tensorflow-gradient-accumulation.mdx │ │ ├── 11-tensorflow-mixed-precision-training.mdx │ │ ├── 12-tensorflow-distributed-evaluation.mdx │ │ ├── 13-tensorflow-tpu-training.mdx │ │ ├── 2-tensorflow-model-parallelism.mdx │ │ ├── 3-tensorflow-parameter-server.mdx │ │ ├── 4-tensorflow-multi-gpu-training.mdx │ │ ├── 5-tensorflow-multi-machine-training.mdx │ │ ├── 6-tensorflow-distributed-data-processing.mdx │ │ ├── 7-tensorflow-distributed-optimizer.mdx │ │ ├── 8-tensorflow-synchronous-training.mdx │ │ ├── 9-tensorflow-asynchronous-training.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── data │ ├── airflow │ │ ├── 0-airflow-foundation │ │ │ ├── 0-introduction-to-airflow.mdx │ │ │ ├── 1-overview-of-airflow-architecture.mdx │ │ │ ├── 10-airflow-database-backend.mdx │ │ │ ├── 11-airflow-actuator-type.mdx │ │ │ ├── 12-airflow-web-server.mdx │ │ │ ├── 13-airflow-scheduler.mdx │ │ │ ├── 2-airflow-installation-and-configuration.mdx │ │ │ ├── 3-airflow-ui-interface-introduction.mdx │ │ │ ├── 4-airflow-core-concepts.mdx │ │ │ ├── 5-airflow-workflow-definition.mdx │ │ │ ├── 6-airflow-dag-foundation.mdx │ │ │ ├── 7-airflow-mode-of-operation.mdx │ │ │ ├── 8-airflow-command-line-tool.mdx │ │ │ ├── 9-airflow-profile-description.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-airflow-dag-development │ │ │ ├── 0-airflow-dag-file-structure.mdx │ │ │ ├── 1-airflow-dag-definition-syntax.mdx │ │ │ ├── 10-airflow-dag-version-control.mdx │ │ │ ├── 11-airflow-dag-test-method.mdx │ │ │ ├── 12-airflow-task-retry-mechanism.mdx │ │ │ ├── 13-airflow-dag-trigger-rule.mdx │ │ │ ├── 2-airflow-task-dependencies.mdx │ │ │ ├── 3-airflow-operators-overview.mdx │ │ │ ├── 4-airflow-bashoperator.mdx │ │ │ ├── 5-airflow-pythonoperator.mdx │ │ │ ├── 6-airflow-sensors-foundation.mdx │ │ │ ├── 7-airflow-tasks-grouping.mdx │ │ │ ├── 8-airflow-subdag.mdx │ │ │ ├── 9-airflow-dynamic-dag-generation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-airflow-monitoring-and-logging │ │ │ ├── 0-overview-of-airflow-monitoring.mdx │ │ │ ├── 1-airflow-built-in-monitoring.mdx │ │ │ ├── 10-airflow-log-rotation.mdx │ │ │ ├── 11-airflow-external-log-storage.mdx │ │ │ ├── 12-airflow-alarm-system.mdx │ │ │ ├── 13-airflow-issue-diagnostic-method.mdx │ │ │ ├── 2-airflow-integration-with-prometheus.mdx │ │ │ ├── 3-airflow-integration-with-grafana.mdx │ │ │ ├── 4-airflow-metrics-collection.mdx │ │ │ ├── 5-airflow-task-status-monitoring.mdx │ │ │ ├── 6-airflow-performance-monitoring.mdx │ │ │ ├── 7-airflow-resource-usage-monitoring.mdx │ │ │ ├── 8-airflow-logging-system.mdx │ │ │ ├── 9-airflow-log-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-airflow-security-and-authentication │ │ │ ├── 0-airflow-security-overview.mdx │ │ │ ├── 1-airflow-authentication-system.mdx │ │ │ ├── 10-airflow-safety-audit.mdx │ │ │ ├── 11-airflow-sensitive-information-protection.mdx │ │ │ ├── 12-airflow-api-safety.mdx │ │ │ ├── 13-airflow-security-best-practices.mdx │ │ │ ├── 2-airflow-rbac-mechanism.mdx │ │ │ ├── 3-airflow-user-management.mdx │ │ │ ├── 4-airflow-role-management.mdx │ │ │ ├── 5-airflow-permission-management.mdx │ │ │ ├── 6-airflow-integration-with-ldap.mdx │ │ │ ├── 7-airflow-integration-with-oauth.mdx │ │ │ ├── 8-airflow-encryption-configuration.mdx │ │ │ ├── 9-airflow-cybersecurity.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-airflow-deployment-and-scaling │ │ │ ├── 0-airflow-deployment-architecture.mdx │ │ │ ├── 1-airflow-stand-alone-deployment.mdx │ │ │ ├── 10-airflow-load-balancing.mdx │ │ │ ├── 11-airflow-database-extension.mdx │ │ │ ├── 12-airflow-actuator-selection.mdx │ │ │ ├── 13-airflow-production-environment-configuration.mdx │ │ │ ├── 2-airflow-distributed-deployment.mdx │ │ │ ├── 3-airflow-docker-deployment.mdx │ │ │ ├── 4-airflow-docker-compose.mdx │ │ │ ├── 5-airflow-kubernetes-deployment.mdx │ │ │ ├── 6-airflow-helm-charts.mdx │ │ │ ├── 7-airflow-horizontal-extension.mdx │ │ │ ├── 8-airflow-cluster-management.mdx │ │ │ ├── 9-airflow-high-availability-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-airflow-cicd-and-devops │ │ │ ├── 0-airflow-integration-with-cicd.mdx │ │ │ ├── 1-airflow-dag-version-control.mdx │ │ │ ├── 10-airflow-blue-green-deployment.mdx │ │ │ ├── 11-airflow-scroll-update.mdx │ │ │ ├── 12-airflow-disaster-recovery-plan.mdx │ │ │ ├── 13-airflow-devops-best-practices.mdx │ │ │ ├── 2-airflow-dag-test-automation.mdx │ │ │ ├── 3-airflow-dag-deployment-process.mdx │ │ │ ├── 4-airflow-integration-with-jenkins.mdx │ │ │ ├── 5-airflow-integration-with-gitlab-ci.mdx │ │ │ ├── 6-airflow-integration-with-github-actions.mdx │ │ │ ├── 7-airflow-infrastructure-as-code.mdx │ │ │ ├── 8-airflow-environmental-management.mdx │ │ │ ├── 9-airflow-configuration-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-airflow-troubleshooting-and-optimization │ │ │ ├── 0-airflow-faq-diagnostics.mdx │ │ │ ├── 1-airflow-performance-optimization-strategy.mdx │ │ │ ├── 10-airflow-failure-recovery.mdx │ │ │ ├── 11-airflow-resource-limit-configuration.mdx │ │ │ ├── 12-airflow-key-indicator-monitoring.mdx │ │ │ ├── 13-airflow-system-tuning.mdx │ │ │ ├── 2-airflow-dag-optimization-techniques.mdx │ │ │ ├── 3-airflow-task-optimization-method.mdx │ │ │ ├── 4-airflow-database-optimization.mdx │ │ │ ├── 5-airflow-memory-optimization.mdx │ │ │ ├── 6-airflow-load-balancing.mdx │ │ │ ├── 7-airflow-task-queue-management.mdx │ │ │ ├── 8-airflow-work-node-optimization.mdx │ │ │ ├── 9-airflow-bottleneck-identification.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-airflow-best-practices │ │ │ ├── 0-airflow-project-structure-organization.mdx │ │ │ ├── 1-airflow-code-style-guide.mdx │ │ │ ├── 10-airflow-scalability-design.mdx │ │ │ ├── 11-airflow-team-collaboration-model.mdx │ │ │ ├── 12-airflow-version-upgrade-strategy.mdx │ │ │ ├── 13-airflow-enterprise-use-case.mdx │ │ │ ├── 2-airflow-dag-naming-convention.mdx │ │ │ ├── 3-airflow-task-naming-convention.mdx │ │ │ ├── 4-airflow-variable-naming-convention.mdx │ │ │ ├── 5-airflow-documentation-specification.mdx │ │ │ ├── 6-airflow-unit-testing-practices.mdx │ │ │ ├── 7-airflow-integration-testing-practices.mdx │ │ │ ├── 8-airflow-design-mode.mdx │ │ │ ├── 9-improved-maintainability-of-airflow.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-learn-more-about-airflow-operators │ │ │ ├── 0-airflow-bashoperator-details.mdx │ │ │ ├── 1-airflow-pythonoperator-advanced-usage.mdx │ │ │ ├── 10-airflow-operator-template.mdx │ │ │ ├── 11-airflow-operator-parameter-passing.mdx │ │ │ ├── 12-airflow-operator-hook-integration.mdx │ │ │ ├── 13-airflow-operator-best-practices.mdx │ │ │ ├── 2-airflow-emailoperator.mdx │ │ │ ├── 3-airflow-httpoperator.mdx │ │ │ ├── 4-airflow-sqloperator.mdx │ │ │ ├── 5-airflow-dockeroperator.mdx │ │ │ ├── 6-airflow-kubernetesoperator.mdx │ │ │ ├── 7-airflow-sshoperator.mdx │ │ │ ├── 8-airflow-custom-operator.mdx │ │ │ ├── 9-airflow-subdagoperator.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-airflow-sensors-app │ │ │ ├── 0-airflow-sensors-concept.mdx │ │ │ ├── 1-airflow-filesensor.mdx │ │ │ ├── 10-airflow-sensor-timeout-settings.mdx │ │ │ ├── 11-airflow-sensor-retry-mechanism.mdx │ │ │ ├── 12-airflow-sensor-load-management.mdx │ │ │ ├── 13-airflow-sensor-best-practices.mdx │ │ │ ├── 2-airflow-httpsensor.mdx │ │ │ ├── 3-airflow-sqlsensor.mdx │ │ │ ├── 4-airflow-externaltasksensor.mdx │ │ │ ├── 5-airflow-timesensor.mdx │ │ │ ├── 6-airflow-datetimesensor.mdx │ │ │ ├── 7-airflow-s3keysensor.mdx │ │ │ ├── 8-airflow-custom-sensor.mdx │ │ │ ├── 9-airflow-sensor-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-airflow-variables-and-connection │ │ │ ├── 0-airflow-variables-foundation.mdx │ │ │ ├── 1-airflow-variables-management.mdx │ │ │ ├── 10-airflow-hooks-in-combination-with-variables.mdx │ │ │ ├── 11-airflow-connection-pool-management.mdx │ │ │ ├── 12-airflow-secret-backend.mdx │ │ │ ├── 13-airflow-sensitive-data-processing.mdx │ │ │ ├── 2-airflow-variables-encryption.mdx │ │ │ ├── 3-airflow-connections-concept.mdx │ │ │ ├── 4-airflow-connections-type.mdx │ │ │ ├── 5-airflow-connections-configuration.mdx │ │ │ ├── 6-airflow-connections-encryption.mdx │ │ │ ├── 7-airflow-hooks-concept.mdx │ │ │ ├── 8-commonly-used-hooks-for-airflow.mdx │ │ │ ├── 9-airflow-custom-hooks.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-airflow-scheduling-and-triggering │ │ │ ├── 0-airflow-scheduling-concept.mdx │ │ │ ├── 1-airflow-cron-expression.mdx │ │ │ ├── 10-airflow-catchup-parameter.mdx │ │ │ ├── 11-airflow-scheduler-optimization.mdx │ │ │ ├── 12-airflow-task-priority.mdx │ │ │ ├── 13-airflow-scheduling-strategy.mdx │ │ │ ├── 2-airflow-time-zone-setting.mdx │ │ │ ├── 3-airflow-scheduling-dependencies.mdx │ │ │ ├── 4-airflow-backfill-mechanism.mdx │ │ │ ├── 5-airflow-manual-trigger.mdx │ │ │ ├── 6-airflow-external-trigger.mdx │ │ │ ├── 7-airflow-api-trigger.mdx │ │ │ ├── 8-airflow-rest-api-use.mdx │ │ │ ├── 9-airflow-trigger-rules.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-airflow-xcoms-communicate-with-tasks │ │ │ ├── 0-airflow-xcoms-concept.mdx │ │ │ ├── 1-airflow-xcoms-basic-use.mdx │ │ │ ├── 10-airflow-taskflow-api.mdx │ │ │ ├── 11-airflow-task-context.mdx │ │ │ ├── 12-airflow-task-communication-best-practices.mdx │ │ │ ├── 13-airflow-data-flow-management.mdx │ │ │ ├── 2-airflow-xcoms-data-transfer.mdx │ │ │ ├── 3-airflow-xcoms-data-type.mdx │ │ │ ├── 4-airflow-xcoms-big-data-processing.mdx │ │ │ ├── 5-airflow-inter-task-communication-mode.mdx │ │ │ ├── 6-airflow-data-sharing-scheme.mdx │ │ │ ├── 7-airflow-xcoms-custom-backend.mdx │ │ │ ├── 8-airflow-xcoms-data-cleanup.mdx │ │ │ ├── 9-airflow-xcoms-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-airflow-advanced-features │ │ │ ├── 0-airflow-plugin-system.mdx │ │ │ ├── 1-airflow-custom-plugin-development.mdx │ │ │ ├── 10-airflow-event-logging-system.mdx │ │ │ ├── 11-airflow-international-support.mdx │ │ │ ├── 12-airflow-advanced-configuration-options.mdx │ │ │ ├── 13-airflow-function-switch.mdx │ │ │ ├── 2-airflow-operator-plugin.mdx │ │ │ ├── 3-airflow-web-ui-customization.mdx │ │ │ ├── 4-airflow-menu-extension.mdx │ │ │ ├── 5-airflow-view-extension.mdx │ │ │ ├── 6-airflow-blueprint-integration.mdx │ │ │ ├── 7-airflow-api-extension.mdx │ │ │ ├── 8-airflow-metabase-access.mdx │ │ │ ├── 9-airflow-execution-history-access.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-airflow-data-integration │ │ │ ├── 0-overview-of-airflow-data-engineering.mdx │ │ │ ├── 1-airflow-etl-process-design.mdx │ │ │ ├── 10-airflow-integration-with-s3.mdx │ │ │ ├── 11-airflow-integration-with-data-warehouse.mdx │ │ │ ├── 12-airflow-data-quality-control.mdx │ │ │ ├── 13-airflow-data-pipeline-mode.mdx │ │ │ ├── 2-airflow-integration-with-database.mdx │ │ │ ├── 3-airflow-integration-with-mysql.mdx │ │ │ ├── 4-airflow-integration-with-postgresql.mdx │ │ │ ├── 5-airflow-integration-with-mongodb.mdx │ │ │ ├── 6-airflow-integrates-with-big-data-platforms.mdx │ │ │ ├── 7-airflow-integrated-with-hadoop.mdx │ │ │ ├── 8-airflow-integration-with-spark.mdx │ │ │ ├── 9-airflow-integration-with-data-lake.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-airflow-cloud-platform-integration │ │ │ ├── 0-overview-of-the-airflow-cloud-platform.mdx │ │ │ ├── 1-airflow-integration-with-aws.mdx │ │ │ ├── 10-airflow-and-multi-cloud-environment-management.mdx │ │ │ ├── 11-airflow-cloud-resource-monitoring.mdx │ │ │ ├── 12-airflow-cloud-cost-optimization.mdx │ │ │ ├── 13-airflow-cloud-security-best-practices.mdx │ │ │ ├── 2-airflow-interacts-with-s3.mdx │ │ │ ├── 3-airflow-interacts-with-ec2.mdx │ │ │ ├── 4-airflow-interacts-with-rds.mdx │ │ │ ├── 5-airflow-integration-with-gcp.mdx │ │ │ ├── 6-airflow-interacts-with-gcs.mdx │ │ │ ├── 7-airflow-interacts-with-bigquery.mdx │ │ │ ├── 8-airflow-integration-with-azure.mdx │ │ │ ├── 9-airflow-interacts-with-azure-blob.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── drill │ │ ├── 0-apache-drill-basics │ │ │ ├── 0-introduction-to-apache-drill.mdx │ │ │ ├── 1-apache-drill-architecture-overview.mdx │ │ │ ├── 10-apache-drill-data-source.mdx │ │ │ ├── 11-apache-drill-workspace.mdx │ │ │ ├── 12-apache-drill-cluster-mode.mdx │ │ │ ├── 13-apache-drill-embedded-mode.mdx │ │ │ ├── 2-apache-drill-installation-and-configuration.mdx │ │ │ ├── 3-apache-drill-command-line-interface.mdx │ │ │ ├── 4-apache-drill-web-interface.mdx │ │ │ ├── 5-apache-drill-basic-concepts.mdx │ │ │ ├── 6-apache-drill-query-syntax.mdx │ │ │ ├── 7-apache-drill-data-types.mdx │ │ │ ├── 8-apache-drill-functions.mdx │ │ │ ├── 9-apache-drill-operators.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-apache-drill-query-language │ │ │ ├── 0-apache-drill-sql-basics.mdx │ │ │ ├── 1-apache-drill-select-statement.mdx │ │ │ ├── 10-apache-drill-conditional-expressions.mdx │ │ │ ├── 11-apache-drill-case-statement.mdx │ │ │ ├── 12-apache-drill-limit-and-offset.mdx │ │ │ ├── 13-apache-drill-union-operation.mdx │ │ │ ├── 2-apache-drill---where-clause.mdx │ │ │ ├── 3-apache-drill-group-by-clause.mdx │ │ │ ├── 4-apache-drill-having-clause.mdx │ │ │ ├── 5-apache-drill---order-by-clause.mdx │ │ │ ├── 6-apache-drill-join-operation.mdx │ │ │ ├── 7-apache-drill-subquery.mdx │ │ │ ├── 8-apache-drill-aggregate-functions.mdx │ │ │ ├── 9-apache-drill-window-functions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-apache-drill-data-analysis-scenario │ │ │ ├── 0-apache-drill-ad-hoc-query.mdx │ │ │ ├── 1-apache-drill-exploratory-analysis.mdx │ │ │ ├── 10-apache-drill-master-data-management.mdx │ │ │ ├── 11-apache-drill-data-quality-check.mdx │ │ │ ├── 12-apache-drill-data-sampling-technology.mdx │ │ │ ├── 13-apache-drill-data-analysis-best-practices.mdx │ │ │ ├── 2-apache-drill-data-discovery.mdx │ │ │ ├── 3-apache-drill-log-analysis.mdx │ │ │ ├── 4-apache-drill-event-data-analysis.mdx │ │ │ ├── 5-apache-drill-time-series-data-analysis.mdx │ │ │ ├── 6-apache-drill-geospatial-data.mdx │ │ │ ├── 7-apache-drill-text-analysis.mdx │ │ │ ├── 8-apache-drill-association-analysis.mdx │ │ │ ├── 9-apache-drill-data-normalization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-apache-drill-and-cloud-services │ │ │ ├── 0-apache-drill-integration-with-aws.mdx │ │ │ ├── 1-apache-drill-integration-with-azure.mdx │ │ │ ├── 10-apache-drill-cloud-resource-optimization.mdx │ │ │ ├── 11-apache-drill-hybrid-cloud-architecture.mdx │ │ │ ├── 12-apache-drill-multi-cloud-strategy.mdx │ │ │ ├── 13-apache-drill-performance-optimization-on-the-cloud.mdx │ │ │ ├── 2-apache-drill-integration-with-gcp.mdx │ │ │ ├── 3-apache-drill-connect-with-s3.mdx │ │ │ ├── 4-apache-drill-and-azure-blob-storage.mdx │ │ │ ├── 5-apache-drill-and-google-cloud-storage.mdx │ │ │ ├── 6-apache-drill-cloud-deployment-mode.mdx │ │ │ ├── 7-apache-drill-container-deployment.mdx │ │ │ ├── 8-apache-drill-and-kubernetes.mdx │ │ │ ├── 9-apache-drill-and-docker.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-apache-drill-troubleshooting │ │ │ ├── 0-apache-drill-common-errors.mdx │ │ │ ├── 1-apache-drill-log-parsing.mdx │ │ │ ├── 10-apache-drill-upgrade-troubleshooting.mdx │ │ │ ├── 11-apache-drill-configuration-issue.mdx │ │ │ ├── 12-apache-drill-cluster-recovery-technology.mdx │ │ │ ├── 13-apache-drill-troubleshooting-tool.mdx │ │ │ ├── 2-apache-drill-error-message-reference.mdx │ │ │ ├── 3-apache-drill-query-failure-diagnosis.mdx │ │ │ ├── 4-apache-drill-performance-troubleshooting.mdx │ │ │ ├── 5-apache-drill-memory-problem-solution.mdx │ │ │ ├── 6-troubleshooting-apache-drill-connection-issues.mdx │ │ │ ├── 7-apache-drill-startup-failure-handling.mdx │ │ │ ├── 8-apache-drill-zookeeper-issue.mdx │ │ │ ├── 9-apache-drill-metadata-issue.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-apache-drill-practical-examples │ │ │ ├── 0-apache-drill-data-lake-query.mdx │ │ │ ├── 1-apache-drill-multi-format-data-analysis.mdx │ │ │ ├── 10-apache-drill-report-development-case.mdx │ │ │ ├── 11-apache-drill-nested-data-processing.mdx │ │ │ ├── 12-apache-drill-iot-data-analysis.mdx │ │ │ ├── 13-apache-drill-enterprise-application-cases.mdx │ │ │ ├── 2-apache-drill-heterogeneous-data-source-integration.mdx │ │ │ ├── 3-apache-drill-log-analysis-practice.mdx │ │ │ ├── 4-apache-drill-json-analysis-case.mdx │ │ │ ├── 5-apache-drill-real-time-data-query.mdx │ │ │ ├── 6-comparison-between-apache-drill-and-traditional-databases.mdx │ │ │ ├── 7-apache-drill-large-scale-data-processing.mdx │ │ │ ├── 8-apache-drill-data-discovery-case.mdx │ │ │ ├── 9-apache-drill-data-exploration-practice.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-apache-drill-best-practices │ │ │ ├── 0-apache-drill-design-patterns.mdx │ │ │ ├── 1-apache-drill-project-planning.mdx │ │ │ ├── 10-apache-drill-security-enhancements.mdx │ │ │ ├── 11-apache-drill-resource-planning.mdx │ │ │ ├── 12-apache-drill-scalability-solution.mdx │ │ │ ├── 13-apache-drill-community-participation-guide.mdx │ │ │ ├── 2-apache-drill-development-process.mdx │ │ │ ├── 3-apache-drill-testing-strategy.mdx │ │ │ ├── 4-apache-drill-production-deployment-checklist.mdx │ │ │ ├── 5-apache-drill-performance-tuning-guide.mdx │ │ │ ├── 6-apache-drill-monitoring-best-practices.mdx │ │ │ ├── 7-apache-drill-backup-and-recovery-strategy.mdx │ │ │ ├── 8-apache-drill-upgrade-guide.mdx │ │ │ ├── 9-apache-drill-data-architecture-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-apache-drill-data-source │ │ │ ├── 0-apache-drill-file-system-connection.mdx │ │ │ ├── 1-apache-drill-json-file-query.mdx │ │ │ ├── 10-apache-drill-custom-data-source.mdx │ │ │ ├── 11-apache-drill-storage-plugin-configuration.mdx │ │ │ ├── 12-apache-drill-data-source-optimization.mdx │ │ │ ├── 13-apache-drill-data-format-conversion.mdx │ │ │ ├── 2-apache-drill-csv-file-query.mdx │ │ │ ├── 3-apache-drill-parquet-file-query.mdx │ │ │ ├── 4-apache-drill-avro-file-query.mdx │ │ │ ├── 5-apache-drill-hbase-connection.mdx │ │ │ ├── 6-apache-drill-mongodb-connection.mdx │ │ │ ├── 7-apache-drill-hdfs-connection.mdx │ │ │ ├── 8-apache-drill-s3-connection.mdx │ │ │ ├── 9-apache-drill-jdbc-connection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-apache-drill-data-model-and-types │ │ │ ├── 0-apache-drill-data-model-overview.mdx │ │ │ ├── 1-apache-drill-complex-data-types.mdx │ │ │ ├── 10-apache-drill-duplicate-field-handling.mdx │ │ │ ├── 11-apache-drill-type-inference.mdx │ │ │ ├── 12-apache-drill-precision-and-rounding.mdx │ │ │ ├── 13-apache-drill-date-time-operations.mdx │ │ │ ├── 2-apache-drill-array-operations.mdx │ │ │ ├── 3-apache-drill-mapping-operations.mdx │ │ │ ├── 4-apache-drill-nested-data.mdx │ │ │ ├── 5-apache-drill-data-flattening.mdx │ │ │ ├── 6-apache-drill-field-reference.mdx │ │ │ ├── 7-apache-drill-wildcard-fields.mdx │ │ │ ├── 8-apache-drill-data-type-conversion.mdx │ │ │ ├── 9-apache-drill-null-value-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-apache-drill-advanced-query │ │ │ ├── 0-apache-drill-view-creation.mdx │ │ │ ├── 1-apache-drill-temporary-table.mdx │ │ │ ├── 10-apache-drill-dynamic-partition-pruning.mdx │ │ │ ├── 11-apache-drill-custom-function.mdx │ │ │ ├── 12-apache-drill-logical-view.mdx │ │ │ ├── 13-apache-drill-data-masking-technology.mdx │ │ │ ├── 2-apache-drill-common-table-expressions.mdx │ │ │ ├── 3-apache-drill-pivot-operation.mdx │ │ │ ├── 4-apache-drill-dynamic-form-operation.mdx │ │ │ ├── 5-apache-drill-complex-data-filtering.mdx │ │ │ ├── 6-apache-drill-advanced-join-technology.mdx │ │ │ ├── 7-apache-drill-data-sampling.mdx │ │ │ ├── 8-apache-drill-recursive-query.mdx │ │ │ ├── 9-apache-drill-metadata-query.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-apache-drill-performance-optimization │ │ │ ├── 0-apache-drill-query-optimization-basics.mdx │ │ │ ├── 1-apache-drill-execution-plan-analysis.mdx │ │ │ ├── 10-apache-drill-resource-allocation.mdx │ │ │ ├── 11-apache-drill-batch-processing-optimization.mdx │ │ │ ├── 12-apache-drill-query-limit-settings.mdx │ │ │ ├── 13-apache-drill-performance-monitoring.mdx │ │ │ ├── 2-apache-drill-memory-configuration.mdx │ │ │ ├── 3-apache-drill-caching-mechanism.mdx │ │ │ ├── 4-apache-drill-parallel-execution.mdx │ │ │ ├── 5-apache-drill-data-partitioning.mdx │ │ │ ├── 6-apache-drill-index-usage.mdx │ │ │ ├── 7-apache-drill-data-distribution-strategy.mdx │ │ │ ├── 8-apache-drill-query-analysis-tool.mdx │ │ │ ├── 9-apache-drill-bottleneck-identification.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-apache-drill-security-management │ │ │ ├── 0-apache-drill-security-overview.mdx │ │ │ ├── 1-apache-drill-authentication-configuration.mdx │ │ │ ├── 10-apache-drill-ldap-integration.mdx │ │ │ ├── 11-apache-drill-pam-authentication.mdx │ │ │ ├── 12-apache-drill-security-best-practices.mdx │ │ │ ├── 13-apache-drill-sensitive-data-protection.mdx │ │ │ ├── 2-apache-drill-authorization-model.mdx │ │ │ ├── 3-apache-drill-user-management.mdx │ │ │ ├── 4-apache-drill-role-management.mdx │ │ │ ├── 5-apache-drill-permission-allocation.mdx │ │ │ ├── 6-apache-drill-data-encryption.mdx │ │ │ ├── 7-apache-drill-audit-log.mdx │ │ │ ├── 8-apache-drill-security-plugin.mdx │ │ │ ├── 9-apache-drill-kerberos-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-apache-drill-cluster-management │ │ │ ├── 0-apache-drill-cluster-architecture.mdx │ │ │ ├── 1-apache-drill-node-types.mdx │ │ │ ├── 10-apache-drill-configuration-synchronization.mdx │ │ │ ├── 11-apache-drill-rolling-upgrade.mdx │ │ │ ├── 12-apache-drill-multi-cluster-management.mdx │ │ │ ├── 13-apache-drill-cluster-performance-tuning.mdx │ │ │ ├── 2-apache-drill-cluster-deployment.mdx │ │ │ ├── 3-apache-drill-cluster-extension.mdx │ │ │ ├── 4-apache-drill-zookeeper-configuration.mdx │ │ │ ├── 5-apache-drill-high-availability-settings.mdx │ │ │ ├── 6-apache-drill-fault-recovery.mdx │ │ │ ├── 7-apache-drill-load-balancing.mdx │ │ │ ├── 8-apache-drill-cluster-monitoring.mdx │ │ │ ├── 9-apache-drill-resource-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-apache-drill-and-hadoop-ecosystem │ │ │ ├── 0-apache-drill-integration-with-hadoop.mdx │ │ │ ├── 1-apache-drill-vs-hive.mdx │ │ │ ├── 10-apache-drill-and-mapreduce.mdx │ │ │ ├── 11-apache-drill-integration-with-oozie.mdx │ │ │ ├── 12-apache-drill-and-hadoop-security.mdx │ │ │ ├── 13-comparison-of-apache-drill-with-other-query-engines.mdx │ │ │ ├── 2-apache-drill-vs-impala.mdx │ │ │ ├── 3-apache-drill-interacts-with-spark-sql.mdx │ │ │ ├── 4-apache-drill-integration-with-yarn.mdx │ │ │ ├── 5-apache-drill-interacting-with-hdfs.mdx │ │ │ ├── 6-apache-drill-and-hbase-collaboration.mdx │ │ │ ├── 7-apache-drill-connect-with-kafka.mdx │ │ │ ├── 8-apache-drill-integration-with-elasticsearch.mdx │ │ │ ├── 9-the-role-of-apache-drill-in-hadoop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-apache-drill-application-development │ │ │ ├── 0-apache-drill-jdbc-programming.mdx │ │ │ ├── 1-apache-drill-odbc-connection.mdx │ │ │ ├── 10-apache-drill-storage-plugin-development.mdx │ │ │ ├── 11-apache-drill-format-plugin-development.mdx │ │ │ ├── 12-apache-drill-parser-extension.mdx │ │ │ ├── 13-apache-drill-application-development-best-practices.mdx │ │ │ ├── 2-apache-drill-rest-api.mdx │ │ │ ├── 3-apache-drill-java-api.mdx │ │ │ ├── 4-apache-drill-client-tool.mdx │ │ │ ├── 5-apache-drill-and-bi-tool-integration.mdx │ │ │ ├── 6-apache-drill-connect-with-tableau.mdx │ │ │ ├── 7-apache-drill-integration-with-powerbi.mdx │ │ │ ├── 8-apache-drill-custom-function-development.mdx │ │ │ ├── 9-apache-drill-plugin-development.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── hadoop │ │ ├── 0-hadoop-basics │ │ │ ├── 0-hadoop-introduction.mdx │ │ │ ├── 1-hadoop-development-history.mdx │ │ │ ├── 10-hadoop-command-line-tools.mdx │ │ │ ├── 11-hadoop-commonly-used-ports.mdx │ │ │ ├── 12-detailed-explanation-of-hadoop-configuration-file.mdx │ │ │ ├── 13-hadoop-user-rights-management.mdx │ │ │ ├── 2-overview-of-the-hadoop-ecosystem.mdx │ │ │ ├── 3-hadoop-architecture-components.mdx │ │ │ ├── 4-principle-of-hadoop-distributed-file-system.mdx │ │ │ ├── 5-hadoop-installation-and-configuration.mdx │ │ │ ├── 6-hadoop-cluster-mode.mdx │ │ │ ├── 7-hadoop-pseudo-distributed-mode.mdx │ │ │ ├── 8-hadoop-stand-alone-mode.mdx │ │ │ ├── 9-hadoop-version-comparison.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-hdfs-file-system │ │ │ ├── 0-hdfs-architecture-detailed-explanation.mdx │ │ │ ├── 1-hdfs-file-reading-and-writing-process.mdx │ │ │ ├── 10-hdfs-quota-management.mdx │ │ │ ├── 11-hdfs-safe-mode.mdx │ │ │ ├── 12-hdfs-data-balancer.mdx │ │ │ ├── 13-hdfs-recycle-bin-mechanism.mdx │ │ │ ├── 2-hdfs-data-block-concept.mdx │ │ │ ├── 3-hdfs-namespace.mdx │ │ │ ├── 4-hdfs-command-line-operations.mdx │ │ │ ├── 5-hdfs-file-upload-and-download.mdx │ │ │ ├── 6-hdfs-data-replication-strategy.mdx │ │ │ ├── 7-hdfs-high-availability-configuration.mdx │ │ │ ├── 8-hdfs-federation-architecture.mdx │ │ │ ├── 9-hdfs-snapshot-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-hadoop-operation-and-maintenance-management │ │ │ ├── 0-hadoop-cluster-planning.mdx │ │ │ ├── 1-hadoop-cluster-deployment.mdx │ │ │ ├── 10-hadoop-cluster-upgrade.mdx │ │ │ ├── 11-hadoop-load-balancing.mdx │ │ │ ├── 12-hadoop-resource-planning.mdx │ │ │ ├── 13-hadoop-daily-maintenance.mdx │ │ │ ├── 2-hadoop-cluster-expansion.mdx │ │ │ ├── 3-hadoop-log-management.mdx │ │ │ ├── 4-hadoop-monitoring-system.mdx │ │ │ ├── 5-hadoop-performance-tuning.mdx │ │ │ ├── 6-hadoop-security-configuration.mdx │ │ │ ├── 7-hadoop-troubleshooting.mdx │ │ │ ├── 8-hadoop-data-backup.mdx │ │ │ ├── 9-hadoop-disaster-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-hadoop-security-mechanism │ │ │ ├── 0-hadoop-security-architecture.mdx │ │ │ ├── 1-hadoop-authentication-mechanism.mdx │ │ │ ├── 10-hadoop-service-level-authorization.mdx │ │ │ ├── 11-hadoop-security-best-practices.mdx │ │ │ ├── 12-hadoop-vulnerability-protection.mdx │ │ │ ├── 13-hadoop-security-tools.mdx │ │ │ ├── 2-hadoop-authorization-mechanism.mdx │ │ │ ├── 3-kerberos-integration-configuration.mdx │ │ │ ├── 4-hdfs-permission-control.mdx │ │ │ ├── 5-yarn-security-settings.mdx │ │ │ ├── 6-hadoop-encrypted-transmission.mdx │ │ │ ├── 7-hadoop-encrypted-storage.mdx │ │ │ ├── 8-hadoop-audit-log.mdx │ │ │ ├── 9-hadoop-network-isolation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-hadoop-cloud-deployment │ │ │ ├── 0-overview-of-hadoop-cloud-platform.mdx │ │ │ ├── 1-hadoop-and-aws-integration.mdx │ │ │ ├── 10-hadoop-hybrid-cloud-architecture.mdx │ │ │ ├── 11-hadoop-cloud-monitoring.mdx │ │ │ ├── 12-hadoop-cloud-security.mdx │ │ │ ├── 13-best-practices-for-hadoop-cloud-deployment.mdx │ │ │ ├── 2-integration-of-hadoop-and-azure.mdx │ │ │ ├── 3-integration-of-hadoop-and-google-cloud.mdx │ │ │ ├── 4-hadoop-cloud-storage-interface.mdx │ │ │ ├── 5-hadoop-cloud-service-management.mdx │ │ │ ├── 6-hadoop-container-deployment.mdx │ │ │ ├── 7-integration-of-hadoop-and-docker.mdx │ │ │ ├── 8-integration-of-hadoop-and-kubernetes.mdx │ │ │ ├── 9-hadoop-cloud-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-hadoop-data-governance │ │ │ ├── 0-hadoop-data-governance-framework.mdx │ │ │ ├── 1-hadoop-metadata-management.mdx │ │ │ ├── 10-hadoop-governance-tools.mdx │ │ │ ├── 11-hadoop-data-sharing-strategy.mdx │ │ │ ├── 12-hadoop-data-value-assessment.mdx │ │ │ ├── 13-hadoop-governance-best-practices.mdx │ │ │ ├── 2-hadoop-data-quality-control.mdx │ │ │ ├── 3-hadoop-data-lineage-analysis.mdx │ │ │ ├── 4-hadoop-master-data-management.mdx │ │ │ ├── 5-hadoop-data-life-cycle.mdx │ │ │ ├── 6-hadoop-data-directory.mdx │ │ │ ├── 7-hadoop-data-classification-labeling.mdx │ │ │ ├── 8-hadoop-data-compliance.mdx │ │ │ ├── 9-hadoop-privacy-protection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-hadoop-performance-optimization │ │ │ ├── 0-hadoop-performance-evaluation-method.mdx │ │ │ ├── 1-hadoop-hardware-optimization.mdx │ │ │ ├── 10-optimizing-hadoop-data-compression.mdx │ │ │ ├── 11-hadoop-data-skew-processing.mdx │ │ │ ├── 12-optimizing-hadoop-resource-allocation.mdx │ │ │ ├── 13-hadoop-benchmarks.mdx │ │ │ ├── 2-hadoop-configuration-optimization.mdx │ │ │ ├── 3-hdfs-performance-optimization.mdx │ │ │ ├── 4-mapreduce-performance-optimization.mdx │ │ │ ├── 5-yarn-performance-optimization.mdx │ │ │ ├── 6-hadoop-memory-tuning.mdx │ │ │ ├── 7-hadoop-disk-io-optimization.mdx │ │ │ ├── 8-hadoop-network-optimization.mdx │ │ │ ├── 9-optimizing-hadoop-jobs.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-hadoop-practical-application │ │ │ ├── 0-hadoop-log-analysis-system.mdx │ │ │ ├── 1-hadoop-recommendation-system.mdx │ │ │ ├── 10-hadoop-image-processing.mdx │ │ │ ├── 11-hadoop-web-crawler-system.mdx │ │ │ ├── 12-hadoop-etl-data-processing.mdx │ │ │ ├── 13-hadoop-enterprise-implementation-case.mdx │ │ │ ├── 2-hadoop-financial-risk-control.mdx │ │ │ ├── 3-hadoop-business-intelligence.mdx │ │ │ ├── 4-hadoop-user-profile.mdx │ │ │ ├── 5-hadoop-real-time-computing-platform.mdx │ │ │ ├── 6-hadoop-data-lake-construction.mdx │ │ │ ├── 7-hadoop-iot-data-processing.mdx │ │ │ ├── 8-hadoop-geographic-information-analysis.mdx │ │ │ ├── 9-hadoop-text-mining.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-hadoop-cutting-edge-technology │ │ │ ├── 0-hadoop-3x-new-features.mdx │ │ │ ├── 1-fusion-of-hadoop-and-machine-learning.mdx │ │ │ ├── 10-hadoop-multi-cloud-data-management.mdx │ │ │ ├── 11-hadoop-data-lake-room-technology.mdx │ │ │ ├── 12-hadoop-zero-trust-security.mdx │ │ │ ├── 13-future-development-trend-of-hadoop.mdx │ │ │ ├── 2-hadoop-and-deep-learning.mdx │ │ │ ├── 3-hadoop-and-edge-computing.mdx │ │ │ ├── 4-hadoop-and-stream-computing.mdx │ │ │ ├── 5-hadoop-and-graph-database.mdx │ │ │ ├── 6-hadoop-and-time-series-database.mdx │ │ │ ├── 7-hadoop-and-blockchain.mdx │ │ │ ├── 8-hadoop-elastic-computing.mdx │ │ │ ├── 9-hadoop-real-time-data-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-mapreduce-programming-model │ │ │ ├── 0-introduction-to-the-principle-of-mapreduce.mdx │ │ │ ├── 1-mapreduce-workflow.mdx │ │ │ ├── 10-mapreduce-sorting-process.mdx │ │ │ ├── 11-mapreduce-tuning-tips.mdx │ │ │ ├── 12-mapreduce-scheduler.mdx │ │ │ ├── 13-mapreduce-secondary-sort.mdx │ │ │ ├── 2-hadoop-mapreduce-programming-model.mdx │ │ │ ├── 3-detailed-explanation-of-map-function.mdx │ │ │ ├── 4-detailed-explanation-of-reduce-function.mdx │ │ │ ├── 5-mapreduce-example.mdx │ │ │ ├── 6-mapreduce-data-flow.mdx │ │ │ ├── 7-mapreduce-job-submission.mdx │ │ │ ├── 8-mapreduce-job-tracking.mdx │ │ │ ├── 9-mapreduce-counters.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-yarn-resource-management │ │ │ ├── 0-introduction-to-yarn-architecture.mdx │ │ │ ├── 1-yarn-workflow.mdx │ │ │ ├── 10-yarn-queue-configuration.mdx │ │ │ ├── 11-yarn-application-priority.mdx │ │ │ ├── 12-yarn-resource-isolation.mdx │ │ │ ├── 13-yarn-high-availability-configuration.mdx │ │ │ ├── 2-yarn-resource-scheduling.mdx │ │ │ ├── 3-yarn-application-submission-process.mdx │ │ │ ├── 4-yarn-container-management.mdx │ │ │ ├── 5-yarn-scheduler-type.mdx │ │ │ ├── 6-yarn-fair-scheduler.mdx │ │ │ ├── 7-yarn-capacity-scheduler.mdx │ │ │ ├── 8-yarn-resource-request.mdx │ │ │ ├── 9-yarn-node-labels.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-hadoop-data-import-and-export │ │ │ ├── 0-overview-of-hadoop-data-migration.mdx │ │ │ ├── 1-introduction-to-sqoop-tool.mdx │ │ │ ├── 10-flume-data-channel.mdx │ │ │ ├── 11-flume-data-sink.mdx │ │ │ ├── 12-hadoop-data-compression-format.mdx │ │ │ ├── 13-hadoop-data-serialization.mdx │ │ │ ├── 2-sqoop-data-import-hdfs.mdx │ │ │ ├── 3-sqoop-data-export-to-relational-database.mdx │ │ │ ├── 4-sqoop-incremental-import.mdx │ │ │ ├── 5-flume-data-collection-tool.mdx │ │ │ ├── 6-flume-architecture-and-components.mdx │ │ │ ├── 7-flume-configuration-file.mdx │ │ │ ├── 8-flume-data-source-configuration.mdx │ │ │ ├── 9-flume-interceptor-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-hbase-database │ │ │ ├── 0-hbase-overview-and-features.mdx │ │ │ ├── 1-detailed-explanation-of-hbase-architecture.mdx │ │ │ ├── 10-hbase-performance-optimization.mdx │ │ │ ├── 11-hbase-and-mapreduce-integration.mdx │ │ │ ├── 12-hbase-backup-and-recovery.mdx │ │ │ ├── 13-hbase-monitoring-management.mdx │ │ │ ├── 2-hbase-data-model.mdx │ │ │ ├── 3-hbase-table-creation-and-management.mdx │ │ │ ├── 4-hbase-data-read-and-write-operations.mdx │ │ │ ├── 5-hbase-command-line-tool.mdx │ │ │ ├── 6-hbase-api-programming.mdx │ │ │ ├── 7-hbase-filter-usage.mdx │ │ │ ├── 8-hbase-coprocessor.mdx │ │ │ ├── 9-hbase-secondary-index.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-hive-data-warehouse │ │ │ ├── 0-hive-overview-and-functions.mdx │ │ │ ├── 1-hive-architecture-components.mdx │ │ │ ├── 10-hive-view.mdx │ │ │ ├── 11-hive-index.mdx │ │ │ ├── 12-hive-optimization-tips.mdx │ │ │ ├── 13-hive-storage-format.mdx │ │ │ ├── 2-hive-installation-and-configuration.mdx │ │ │ ├── 3-hive-data-type.mdx │ │ │ ├── 4-hive-table-operations.mdx │ │ │ ├── 5-hive-data-import-and-export.mdx │ │ │ ├── 6-hql-hive-query-language.mdx │ │ │ ├── 7-hive-function-usage.mdx │ │ │ ├── 8-hive-partition-table.mdx │ │ │ ├── 9-hive-bucket-table.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-spark-framework │ │ │ ├── 0-spark-introduction-and-features.mdx │ │ │ ├── 1-the-relationship-between-spark-and-hadoop.mdx │ │ │ ├── 10-spark-job-submission-and-monitoring.mdx │ │ │ ├── 11-spark-performance-tuning.mdx │ │ │ ├── 12-spark-memory-management.mdx │ │ │ ├── 13-spark-and-hadoop-integration.mdx │ │ │ ├── 2-spark-architecture-components.mdx │ │ │ ├── 3-spark-installation-and-configuration.mdx │ │ │ ├── 4-spark-rdd-programming.mdx │ │ │ ├── 5-spark-dataframe-api.mdx │ │ │ ├── 6-use-spark-sql.mdx │ │ │ ├── 7-spark-streaming-real-time-processing.mdx │ │ │ ├── 8-spark-mllib-machine-learning-library.mdx │ │ │ ├── 9-spark-graphx-graph-computing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-zookeeper-coordination-service │ │ │ ├── 0-zookeeper-overview-and-functions.mdx │ │ │ ├── 1-zookeeper-architecture-design.mdx │ │ │ ├── 10-zookeeper-distributed-lock.mdx │ │ │ ├── 11-zookeeper-election-algorithm.mdx │ │ │ ├── 12-zookeeper-cluster-management.mdx │ │ │ ├── 13-zookeeper-monitoring-and-maintenance.mdx │ │ │ ├── 2-zookeeper-installation-and-configuration.mdx │ │ │ ├── 3-zookeeper-data-model.mdx │ │ │ ├── 4-zookeeper-session-mechanism.mdx │ │ │ ├── 5-zookeeper-watcher-mechanism.mdx │ │ │ ├── 6-zookeeper-acl-permission-control.mdx │ │ │ ├── 7-zookeeper-command-line-tools.mdx │ │ │ ├── 8-zookeeper-java-api.mdx │ │ │ ├── 9-zookeeper-application-scenarios.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-hadoop-ecosystem-tools │ │ │ ├── 0-ambari-cluster-management-tool.mdx │ │ │ ├── 1-oozie-workflow-scheduling.mdx │ │ │ ├── 10-falcon-data-management.mdx │ │ │ ├── 11-atlas-metadata-management.mdx │ │ │ ├── 12-airflow-workflow-management.mdx │ │ │ ├── 13-kylin-olap-engine.mdx │ │ │ ├── 2-kafka-messaging-system.mdx │ │ │ ├── 3-elasticsearch-search-engine.mdx │ │ │ ├── 4-solr-search-platform.mdx │ │ │ ├── 5-impala-interactive-query.mdx │ │ │ ├── 6-mahout-machine-learning.mdx │ │ │ ├── 7-pig-data-flow-processing-language.mdx │ │ │ ├── 8-ranger-safety-management.mdx │ │ │ ├── 9-knox-gateway-service.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── pandas │ │ ├── 0-pandas-foundation │ │ │ ├── 0-introduction-to-pandas.mdx │ │ │ ├── 1-pandas-installation-configuration.mdx │ │ │ ├── 10-pandas-basic-statistics.mdx │ │ │ ├── 11-pandas-data-selection.mdx │ │ │ ├── 12-pandas-boolean-index.mdx │ │ │ ├── 13-pandas-tag-index.mdx │ │ │ ├── 2-pandas-data-structure.mdx │ │ │ ├── 3-pandas-series-object.mdx │ │ │ ├── 4-pandas-dataframe-object.mdx │ │ │ ├── 5-pandas-index-operation.mdx │ │ │ ├── 6-pandas-basic-operation.mdx │ │ │ ├── 7-pandas-data-type.mdx │ │ │ ├── 8-pandas-missing-value.mdx │ │ │ ├── 9-pandas-view-data.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-pandas-data-processing │ │ │ ├── 0-pandas-data-import.mdx │ │ │ ├── 1-pandas-csv-file-handling.mdx │ │ │ ├── 10-pandas-data-normalization.mdx │ │ │ ├── 11-pandas-data-discretization.mdx │ │ │ ├── 12-pandas-data-encoding.mdx │ │ │ ├── 13-pandas-data-sampling.mdx │ │ │ ├── 2-pandas-excel-file-processing.mdx │ │ │ ├── 3-pandas-json-file-processing.mdx │ │ │ ├── 4-pandas-database-connection.mdx │ │ │ ├── 5-pandas-data-export.mdx │ │ │ ├── 6-pandas-data-cleaning.mdx │ │ │ ├── 7-pandas-duplicate-data.mdx │ │ │ ├── 8-pandas-missing-value-handling.mdx │ │ │ ├── 9-pandas-data-conversion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-pandas-advanced-features │ │ │ ├── 0-pandas-custom-functions.mdx │ │ │ ├── 1-pandas-multilevel-indexing-advanced-operations.mdx │ │ │ ├── 10-pandas-accessor.mdx │ │ │ ├── 11-pandas-interactive-editing.mdx │ │ │ ├── 12-pandas-style-settings.mdx │ │ │ ├── 13-pandas-advanced-indexing-techniques.mdx │ │ │ ├── 2-pandas-classification-data-type.mdx │ │ │ ├── 3-pandas-sparse-data-structure.mdx │ │ │ ├── 4-pandas-panel-data.mdx │ │ │ ├── 5-pandas-window-operation.mdx │ │ │ ├── 6-pandas-scroll-function.mdx │ │ │ ├── 7-pandas-custom-aggregator.mdx │ │ │ ├── 8-pandas-extended-data-type.mdx │ │ │ ├── 9-pandas-interface-method.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-pandas-integration-with-other-libraries │ │ │ ├── 0-pandas-integration-with-numpy.mdx │ │ │ ├── 1-pandas-integration-with-matplotlib.mdx │ │ │ ├── 10-pandas-integration-with-plotly.mdx │ │ │ ├── 11-pandas-integration-with-geopandas.mdx │ │ │ ├── 12-pandas-integration-with-excel.mdx │ │ │ ├── 13-pandas-integrates-with-web-applications.mdx │ │ │ ├── 2-pandas-integration-with-seaborn.mdx │ │ │ ├── 3-pandas-integration-with-scikit-learn.mdx │ │ │ ├── 4-pandas-integration-with-sqlalchemy.mdx │ │ │ ├── 5-pandas-integration-with-dask.mdx │ │ │ ├── 6-pandas-integration-with-spark.mdx │ │ │ ├── 7-pandas-integration-with-xgboost.mdx │ │ │ ├── 8-pandas-integration-with-tensorflow.mdx │ │ │ ├── 9-pandas-integration-with-pytorch.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-pandas-data-cleaning │ │ │ ├── 0-pandas-missing-value-detection.mdx │ │ │ ├── 1-pandas-missing-value-padding.mdx │ │ │ ├── 10-pandas-data-verification.mdx │ │ │ ├── 11-pandas-data-quality.mdx │ │ │ ├── 12-pandas-data-cleaning-process.mdx │ │ │ ├── 13-pandas-data-cleaning-best-practices.mdx │ │ │ ├── 2-pandas-outlier-detection.mdx │ │ │ ├── 3-pandas-outlier-handling.mdx │ │ │ ├── 4-pandas-data-consistency.mdx │ │ │ ├── 5-pandas-data-validation.mdx │ │ │ ├── 6-pandas-data-normalization.mdx │ │ │ ├── 7-pandas-data-standardization.mdx │ │ │ ├── 8-pandas-data-deduplication.mdx │ │ │ ├── 9-pandas-data-conversion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-pandas-text-processing │ │ │ ├── 0-pandas-string-method.mdx │ │ │ ├── 1-pandas-text-extraction.mdx │ │ │ ├── 10-pandas-text-standardization.mdx │ │ │ ├── 11-pandas-text-vectorization.mdx │ │ │ ├── 12-pandas-text-encoding.mdx │ │ │ ├── 13-pandas-multilingual-text.mdx │ │ │ ├── 2-pandas-text-replacement.mdx │ │ │ ├── 3-pandas-regular-expression.mdx │ │ │ ├── 4-pandas-text-segmentation.mdx │ │ │ ├── 5-pandas-text-connection.mdx │ │ │ ├── 6-pandas-text-matching.mdx │ │ │ ├── 7-pandas-text-cleaning.mdx │ │ │ ├── 8-pandas-text-statistics.mdx │ │ │ ├── 9-pandas-text-categorization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-pandas-battle-cases │ │ │ ├── 0-pandas-data-exploration.mdx │ │ │ ├── 1-pandas-financial-data-analysis.mdx │ │ │ ├── 10-pandas-anomaly-detection.mdx │ │ │ ├── 11-pandas-data-report-generation.mdx │ │ │ ├── 12-pandas-data-pipeline-construction.mdx │ │ │ ├── 13-pandas-data-analysis-workflow.mdx │ │ │ ├── 2-pandas-sales-data-analysis.mdx │ │ │ ├── 3-pandas-website-traffic-analysis.mdx │ │ │ ├── 4-pandas-customer-analytics.mdx │ │ │ ├── 5-pandas-social-media-analytics.mdx │ │ │ ├── 6-pandas-time-series-prediction.mdx │ │ │ ├── 7-pandas-geodata-analysis.mdx │ │ │ ├── 8-pandas-text-mining.mdx │ │ │ ├── 9-pandas-recommendation-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-pandas-best-practices │ │ │ ├── 0-pandas-code-style.mdx │ │ │ ├── 1-pandas-project-structure.mdx │ │ │ ├── 10-pandas-mega-project-management.mdx │ │ │ ├── 11-pandas-teamwork.mdx │ │ │ ├── 12-pandas-code-review.mdx │ │ │ ├── 13-pandas-continuous-integration.mdx │ │ │ ├── 2-pandas-documentation.mdx │ │ │ ├── 3-pandas-test-method.mdx │ │ │ ├── 4-pandas-performance-trap.mdx │ │ │ ├── 5-common-pandas-errors.mdx │ │ │ ├── 6-pandas-debugging-tips.mdx │ │ │ ├── 7-pandas-version-control.mdx │ │ │ ├── 8-pandas-deployment-strategy.mdx │ │ │ ├── 9-pandas-data-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-pandas-data-analysis │ │ │ ├── 0-pandas-data-aggregation.mdx │ │ │ ├── 1-pandas-grouping-operations.mdx │ │ │ ├── 10-pandas-window-function.mdx │ │ │ ├── 11-pandas-custom-aggregation.mdx │ │ │ ├── 12-pandas-packet-conversion.mdx │ │ │ ├── 13-pandas-group-filtering.mdx │ │ │ ├── 2-pandas-groupby-object.mdx │ │ │ ├── 3-pandas-group-calculation.mdx │ │ │ ├── 4-pandas-pivot-table.mdx │ │ │ ├── 5-pandas-crosstab.mdx │ │ │ ├── 6-pandas-description-statistics.mdx │ │ │ ├── 7-pandas-correlation-analysis.mdx │ │ │ ├── 8-pandas-time-series.mdx │ │ │ ├── 9-pandas-rolling-calculation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-pandas-index-and-selection │ │ │ ├── 0-pandas-base-index.mdx │ │ │ ├── 1-pandas-tag-index.mdx │ │ │ ├── 10-pandas-query-method.mdx │ │ │ ├── 11-pandas-selection-optimization.mdx │ │ │ ├── 12-pandas-column-selection.mdx │ │ │ ├── 13-pandas-row-selection.mdx │ │ │ ├── 2-pandas-location-index.mdx │ │ │ ├── 3-pandas-boolean-index.mdx │ │ │ ├── 4-pandas-multilevel-index.mdx │ │ │ ├── 5-pandas-index-settings.mdx │ │ │ ├── 6-pandas-index-reset.mdx │ │ │ ├── 7-pandas-index-alignment.mdx │ │ │ ├── 8-pandas-condition-selection.mdx │ │ │ ├── 9-pandas-complex-conditions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-pandas-data-transformation │ │ │ ├── 0-pandas-function-application.mdx │ │ │ ├── 1-pandas-column-action.mdx │ │ │ ├── 10-pandas-category-data.mdx │ │ │ ├── 11-pandas-dummy-variable.mdx │ │ │ ├── 12-pandas-data-standardization.mdx │ │ │ ├── 13-pandas-custom-conversion.mdx │ │ │ ├── 2-pandas-row-action.mdx │ │ │ ├── 3-pandas-mapping-function.mdx │ │ │ ├── 4-pandas-replacement-operation.mdx │ │ │ ├── 5-pandas-rename.mdx │ │ │ ├── 6-pandas-sorting.mdx │ │ │ ├── 7-pandas-data-type-conversion.mdx │ │ │ ├── 8-pandas-string-processing.mdx │ │ │ ├── 9-pandas-regular-expression.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-pandas-data-merge │ │ │ ├── 0-pandas-connection-operation.mdx │ │ │ ├── 1-pandas-merge-operation.mdx │ │ │ ├── 10-pandas-merge-conditions.mdx │ │ │ ├── 11-pandas-multi-key-merge.mdx │ │ │ ├── 12-pandas-merge-optimization.mdx │ │ │ ├── 13-pandas-data-stitching.mdx │ │ │ ├── 2-pandas-internal-connection.mdx │ │ │ ├── 3-pandas-external-connection.mdx │ │ │ ├── 4-pandas-left-connection.mdx │ │ │ ├── 5-pandas-right-connection.mdx │ │ │ ├── 6-pandas-vertical-stacking.mdx │ │ │ ├── 7-pandas-horizontal-stacking.mdx │ │ │ ├── 8-pandas-index-merge.mdx │ │ │ ├── 9-pandas-merge-conflicts.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-pandas-data-reshaping │ │ │ ├── 0-pandas-pivot.mdx │ │ │ ├── 1-pandas-long-format-conversion.mdx │ │ │ ├── 10-pandas-multidimensional-data.mdx │ │ │ ├── 11-pandas-data-aggregation.mdx │ │ │ ├── 12-pandas-data-reshaping-techniques.mdx │ │ │ ├── 13-pandas-shape-transformation.mdx │ │ │ ├── 2-pandas-wide-format-conversion.mdx │ │ │ ├── 3-pandas-data-fusion.mdx │ │ │ ├── 4-pandas-data-decomposition.mdx │ │ │ ├── 5-pandas-hierarchical-index.mdx │ │ │ ├── 6-pandas-data-rotation.mdx │ │ │ ├── 7-pandas-data-stack.mdx │ │ │ ├── 8-pandas-data-expansion.mdx │ │ │ ├── 9-pandas-pivot-table.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-pandas-time-series │ │ │ ├── 0-pandas-time-base.mdx │ │ │ ├── 1-pandas-datetime.mdx │ │ │ ├── 10-pandas-time-series-visualization.mdx │ │ │ ├── 11-pandas-seasonal-analysis.mdx │ │ │ ├── 12-pandas-time-lag.mdx │ │ │ ├── 13-pandas-temporal-feature-extraction.mdx │ │ │ ├── 2-pandas-timestamp.mdx │ │ │ ├── 3-pandas-date-range.mdx │ │ │ ├── 4-pandas-time-index.mdx │ │ │ ├── 5-pandas-time-zone-processing.mdx │ │ │ ├── 6-pandas-time-resampling.mdx │ │ │ ├── 7-pandas-time-offset.mdx │ │ │ ├── 8-pandas-time-window.mdx │ │ │ ├── 9-pandas-time-series-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-pandas-data-visualization │ │ │ ├── 0-pandas-drawing-basics.mdx │ │ │ ├── 1-pandas-line-chart.mdx │ │ │ ├── 10-pandas-style-settings.mdx │ │ │ ├── 11-pandas-chart-customization.mdx │ │ │ ├── 12-pandas-interactive-diagram.mdx │ │ │ ├── 13-pandas-integration-with-matplotlib.mdx │ │ │ ├── 2-pandas-bar.mdx │ │ │ ├── 3-pandas-scatterplot.mdx │ │ │ ├── 4-pandas-histogram.mdx │ │ │ ├── 5-pandas-box-diagram.mdx │ │ │ ├── 6-pandas-heatmap.mdx │ │ │ ├── 7-pandas-correlation-diagram.mdx │ │ │ ├── 8-pandas-grouping-visualization.mdx │ │ │ ├── 9-pandas-multi-subgraph.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-pandas-performance-optimization │ │ │ ├── 0-pandas-memory-optimization.mdx │ │ │ ├── 1-pandas-data-type-optimization.mdx │ │ │ ├── 10-pandas-big-data-processing.mdx │ │ │ ├── 11-pandas-memory-mapping.mdx │ │ │ ├── 12-pandas-data-compression.mdx │ │ │ ├── 13-pandas-optimization-techniques.mdx │ │ │ ├── 2-pandas-calculation-optimization.mdx │ │ │ ├── 3-pandas-block-processing.mdx │ │ │ ├── 4-pandas-parallel-computing.mdx │ │ │ ├── 5-pandas-query-optimization.mdx │ │ │ ├── 6-pandas-data-cache.mdx │ │ │ ├── 7-pandas-vectorization-operations.mdx │ │ │ ├── 8-pandas-inertia-assessment.mdx │ │ │ ├── 9-pandas-performance-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── r │ │ ├── 0-r-basics │ │ │ ├── 0-introduction-to-r-language.mdx │ │ │ ├── 1-r-environment-installation-and-setup.mdx │ │ │ ├── 10-r-annotation-specification.mdx │ │ │ ├── 11-r-help-document-usage.mdx │ │ │ ├── 12-r-scripts-and-command-line.mdx │ │ │ ├── 13-rworking-directory-management.mdx │ │ │ ├── 2-r-work-interface-rstudio.mdx │ │ │ ├── 3-basic-syntax.mdx │ │ │ ├── 4-r-variables-and-assignment.mdx │ │ │ ├── 5-rdata-type.mdx │ │ │ ├── 6-r-vector.mdx │ │ │ ├── 7-r-operator.mdx │ │ │ ├── 8-r-basic-mathematical-functions.mdx │ │ │ ├── 9-rlogical-operations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-rcontrol-flow │ │ │ ├── 0-r-conditional-statements.mdx │ │ │ ├── 1-r-if-else-structure.mdx │ │ │ ├── 10-rs-apply-family-of-functions.mdx │ │ │ ├── 11-r-conditional-execution-efficiency.mdx │ │ │ ├── 12-r-control-flow-best-practices.mdx │ │ │ ├── 13-r-error-handling-basics.mdx │ │ │ ├── 2-rs-ifelse-function.mdx │ │ │ ├── 3-rs-switch-function.mdx │ │ │ ├── 4-r-loop-structure.mdx │ │ │ ├── 5-r-for-loop.mdx │ │ │ ├── 6-r-while-loop.mdx │ │ │ ├── 7-r-repeat-loop.mdx │ │ │ ├── 8-r-loop-control-breaknext.mdx │ │ │ ├── 9-rvectorized-operations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-machine-learning │ │ │ ├── 0-overview-of-machine-learning.mdx │ │ │ ├── 1-data-preprocessing.mdx │ │ │ ├── 10-cluster-analysis.mdx │ │ │ ├── 11-r-dimensionality-reduction-technique.mdx │ │ │ ├── 12-r-model-evaluation.mdx │ │ │ ├── 13-r-model-optimization.mdx │ │ │ ├── 2-r-feature-engineering.mdx │ │ │ ├── 3-r-supervised-learning-basics.mdx │ │ │ ├── 4-r-classification-algorithm.mdx │ │ │ ├── 5-r-regression-algorithm.mdx │ │ │ ├── 6-r-decision-tree.mdx │ │ │ ├── 7-r-random-forest.mdx │ │ │ ├── 8-r-support-vector-machine.mdx │ │ │ ├── 9-basics-of-neural-networks.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-advanced-programming │ │ │ ├── 0-robject-oriented-programming.mdx │ │ │ ├── 1-rs-s3-object-system.mdx │ │ │ ├── 10-parallel-computing.mdx │ │ │ ├── 11-r-and-cpp-integration-rcpp.mdx │ │ │ ├── 12-memory-management.mdx │ │ │ ├── 13-advanced-debugging-techniques.mdx │ │ │ ├── 2-rs-s4-object-system.mdx │ │ │ ├── 3-r6-class-system-for-r.mdx │ │ │ ├── 4-rfunctional-programming.mdx │ │ │ ├── 5-r-metaprogramming.mdx │ │ │ ├── 6-r-non-standard-evaluation.mdx │ │ │ ├── 7-r-language-extension.mdx │ │ │ ├── 8-r-performance-analysis.mdx │ │ │ ├── 9-r-code-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-r-package-development │ │ │ ├── 0-r-package-structure.mdx │ │ │ ├── 1-r-package-creation-basics.mdx │ │ │ ├── 10-r-package-best-practices.mdx │ │ │ ├── 11-r-package-development-tools.mdx │ │ │ ├── 12-r-package-case-analysis.mdx │ │ │ ├── 13-r-extension-package-development.mdx │ │ │ ├── 2-r-package-documentation.mdx │ │ │ ├── 3-r-package-function-export.mdx │ │ │ ├── 4-r-package-dependency-management.mdx │ │ │ ├── 5-r-package-testing.mdx │ │ │ ├── 6-r-package-version-control.mdx │ │ │ ├── 7-r-package-license.mdx │ │ │ ├── 8-r-package-release.mdx │ │ │ ├── 9-r-package-continuous-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-reports-and-presentations │ │ │ ├── 0-r-markdown-basics.mdx │ │ │ ├── 1-advanced-rmarkdown.mdx │ │ │ ├── 10-shiny-reactive-programming-in-r.mdx │ │ │ ├── 11-shiny-application-deployment-in-r.mdx │ │ │ ├── 12-flexdashboard-for-r.mdx │ │ │ ├── 13-r-report-automation.mdx │ │ │ ├── 2-r-interactive-documentation.mdx │ │ │ ├── 3-static-report-generation.mdx │ │ │ ├── 4-dynamic-report-generation.mdx │ │ │ ├── 5-r-slideshow-creation.mdx │ │ │ ├── 6-web-report.mdx │ │ │ ├── 7-dashboard-development.mdx │ │ │ ├── 8-shiny-application-development-in-r.mdx │ │ │ ├── 9-shiny-interactive-elements-for-r.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-r-spatial-data-analysis │ │ │ ├── 0-r-spatial-data-foundation.mdx │ │ │ ├── 1-rspatial-data-types.mdx │ │ │ ├── 10-r-spatial-regression.mdx │ │ │ ├── 11-r-spatial-clustering.mdx │ │ │ ├── 12-r-spatial-data-export.mdx │ │ │ ├── 13-r-spatial-analysis-case.mdx │ │ │ ├── 2-r-spatial-data-import.mdx │ │ │ ├── 3-rspatial-data-processing.mdx │ │ │ ├── 4-r-spatial-data-visualization.mdx │ │ │ ├── 5-r-map-making.mdx │ │ │ ├── 6-r-raster-data-analysis.mdx │ │ │ ├── 7-r-vector-data-analysis.mdx │ │ │ ├── 8-r-spatial-statistics.mdx │ │ │ ├── 9-r-spatial-interpolation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-r-time-series-analysis │ │ │ ├── 0-r-time-series-basics.mdx │ │ │ ├── 1-rdate-time-processing.mdx │ │ │ ├── 10-r-garch-model.mdx │ │ │ ├── 11-seasonal-analysis.mdx │ │ │ ├── 12-r-time-series-forecasting.mdx │ │ │ ├── 13-r-time-series-example.mdx │ │ │ ├── 2-r-time-series-creation.mdx │ │ │ ├── 3-r-time-series-visualization.mdx │ │ │ ├── 4-r-time-series-decomposition.mdx │ │ │ ├── 5-r-time-series-smoothing.mdx │ │ │ ├── 6-r-autoregressive-model.mdx │ │ │ ├── 7-r-moving-average-model.mdx │ │ │ ├── 8-r-arima-model.mdx │ │ │ ├── 9-r-exponential-smoothing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-biostatistics-and-bioinformatics │ │ │ ├── 0-application-of-r-in-biology.mdx │ │ │ ├── 1-r-biological-data-import.mdx │ │ │ ├── 10-biodiversity-analysis.mdx │ │ │ ├── 11-ecological-model.mdx │ │ │ ├── 12-biostatistical-methods.mdx │ │ │ ├── 13-r-bioinformatics-visualization.mdx │ │ │ ├── 2-r-sequence-analysis.mdx │ │ │ ├── 3-r-molecular-data-analysis.mdx │ │ │ ├── 4-r-phylogenetic-analysis.mdx │ │ │ ├── 5-r-gene-expression-analysis.mdx │ │ │ ├── 6-rgenomics-data.mdx │ │ │ ├── 7-r-microarray-data-analysis.mdx │ │ │ ├── 8-rhigh-throughput-sequencing-data.mdx │ │ │ ├── 9-r-biological-network-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-financial-analysis │ │ │ ├── 0-fundamentals-of-financial-analysis.mdx │ │ │ ├── 1-rfinancial-data-acquisition.mdx │ │ │ ├── 10-financial-forecasting.mdx │ │ │ ├── 11-market-microstructure.mdx │ │ │ ├── 12-r-high-frequency-trading-analysis.mdx │ │ │ ├── 13-automation-of-financial-reporting.mdx │ │ │ ├── 2-financial-time-series.mdx │ │ │ ├── 3-technical-analysis.mdx │ │ │ ├── 4-portfolio-analysis.mdx │ │ │ ├── 5-risk-assessment.mdx │ │ │ ├── 6-roption-pricing.mdx │ │ │ ├── 7-r-asset-pricing-model.mdx │ │ │ ├── 8-monte-carlo-simulation.mdx │ │ │ ├── 9-r-optimization-problem.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-best-practices │ │ │ ├── 0-r-code-style-guide.mdx │ │ │ ├── 1-rproject-organizational-structure.mdx │ │ │ ├── 10-collaborative-development.mdx │ │ │ ├── 11-rdeployment-strategy.mdx │ │ │ ├── 12-common-pitfalls-and-solutions.mdx │ │ │ ├── 13-r-development-tool-chain.mdx │ │ │ ├── 2-r-version-control-integration.mdx │ │ │ ├── 3-r-code-refactoring.mdx │ │ │ ├── 4-r-code-test.mdx │ │ │ ├── 5-r-code-review.mdx │ │ │ ├── 6-r-performance-optimization-tips.mdx │ │ │ ├── 7-r-memory-management-tips.mdx │ │ │ ├── 8-environmental-management.mdx │ │ │ ├── 9-reproducibility-study.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-r-function │ │ │ ├── 0-r-function-basics.mdx │ │ │ ├── 1-r-function-definition.mdx │ │ │ ├── 10-r-lazy-evaluation.mdx │ │ │ ├── 11-overview-of-r-built-in-functions.mdx │ │ │ ├── 12-r-function-debugging.mdx │ │ │ ├── 13-r-function-performance-optimization.mdx │ │ │ ├── 2-r-function-parameters.mdx │ │ │ ├── 3-r-function-return-value.mdx │ │ │ ├── 4-r-anonymous-function.mdx │ │ │ ├── 5-r-function-scope.mdx │ │ │ ├── 6-r-environment-and-closure.mdx │ │ │ ├── 7-r-recursive-function.mdx │ │ │ ├── 8-r-function-nesting.mdx │ │ │ ├── 9-rhigher-order-functions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-rdata-structure │ │ │ ├── 0-r-vector-in-depth-understanding.mdx │ │ │ ├── 1-r-factors.mdx │ │ │ ├── 10-rdata-structure-operations.mdx │ │ │ ├── 11-r-data-structure-nesting.mdx │ │ │ ├── 12-r-data-structure-performance-comparison.mdx │ │ │ ├── 13-rspecial-data-types.mdx │ │ │ ├── 2-rlists.mdx │ │ │ ├── 3-r-matrices.mdx │ │ │ ├── 4-rarrays.mdx │ │ │ ├── 5-r-dataframes.mdx │ │ │ ├── 6-r---tibbles-data-frame.mdx │ │ │ ├── 7-r-data-table-datatables.mdx │ │ │ ├── 8-r-missing-value-handling.mdx │ │ │ ├── 9-r-data-structure-conversion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-r-string-processing │ │ │ ├── 0-r-string-basics.mdx │ │ │ ├── 1-r-character-vector.mdx │ │ │ ├── 10-rstring-comparison.mdx │ │ │ ├── 11-r-string-sort.mdx │ │ │ ├── 12-stringr-package-for-string-processing.mdx │ │ │ ├── 13-introduction-to-r-text-mining.mdx │ │ │ ├── 2-r-string-functions.mdx │ │ │ ├── 3-r-string-formatting.mdx │ │ │ ├── 4-r-regular-expression-basics.mdx │ │ │ ├── 5-r-regular-expression-application.mdx │ │ │ ├── 6-r-text-segmentation-and-merging.mdx │ │ │ ├── 7-rtext-replacement.mdx │ │ │ ├── 8-r-string-extraction.mdx │ │ │ ├── 9-r-text-encoding-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-r-data-import-and-export │ │ │ ├── 0-r-data-import-overview.mdx │ │ │ ├── 1-r-read-csv-file.mdx │ │ │ ├── 10-r-data-is-exported-as-rdata.mdx │ │ │ ├── 11-rdata-serialization.mdx │ │ │ ├── 12-rdata-exchange-format.mdx │ │ │ ├── 13-best-practices-for-importing-data-into-r.mdx │ │ │ ├── 2-r-read-excel-file.mdx │ │ │ ├── 3-r-read-text-file.mdx │ │ │ ├── 4-r-read-json-data.mdx │ │ │ ├── 5-r-read-xml-data.mdx │ │ │ ├── 6-rread-web-page-data.mdx │ │ │ ├── 7-database-connection.mdx │ │ │ ├── 8-export-r-data-to-csv.mdx │ │ │ ├── 9-export-r-data-to-excel.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-data-processing │ │ │ ├── 0-r-data-transformation-overview.mdx │ │ │ ├── 1-rdata-screening.mdx │ │ │ ├── 10-data-deduplication.mdx │ │ │ ├── 11-rdata-segmentation.mdx │ │ │ ├── 12-rdata-sampling.mdx │ │ │ ├── 13-r-data-processing-pipeline-operations.mdx │ │ │ ├── 2-r-data-sorting.mdx │ │ │ ├── 3-rdata-grouping.mdx │ │ │ ├── 4-r-data-summary.mdx │ │ │ ├── 5-r-data-reshaping.mdx │ │ │ ├── 6-rdata-merging.mdx │ │ │ ├── 7-data-connection.mdx │ │ │ ├── 8-r-pivot.mdx │ │ │ ├── 9-r-data-normalization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-r-data-visualization │ │ │ ├── 0-r-data-visualization-overview.mdx │ │ │ ├── 1-r-basic-drawing-system.mdx │ │ │ ├── 10-r-multi-image-layout.mdx │ │ │ ├── 11-graphics-device.mdx │ │ │ ├── 12-r-save-the-chart.mdx │ │ │ ├── 13-r-interactive-chart-basics.mdx │ │ │ ├── 2-r-drawing-parameter-settings.mdx │ │ │ ├── 3-r-scatter-plot.mdx │ │ │ ├── 4-r-line-graph.mdx │ │ │ ├── 5-r-bar-chart.mdx │ │ │ ├── 6-r-histogram.mdx │ │ │ ├── 7-r-box-plot.mdx │ │ │ ├── 8-r-pie-chart.mdx │ │ │ ├── 9-r-heat-map.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-statistical-analysis │ │ │ ├── 0-basics-of-statistical-analysis.mdx │ │ │ ├── 1-r-descriptive-statistics.mdx │ │ │ ├── 10-r-bayesian-analysis.mdx │ │ │ ├── 11-r-statistical-model-diagnostics.mdx │ │ │ ├── 12-r-statistical-report-generation.mdx │ │ │ ├── 13-r-statistical-analysis-case.mdx │ │ │ ├── 2-r-hypothesis-testing.mdx │ │ │ ├── 3-r-correlation-analysis.mdx │ │ │ ├── 4-r-regression-analysis.mdx │ │ │ ├── 5-ranova.mdx │ │ │ ├── 6-r-nonparametric-test.mdx │ │ │ ├── 7-multivariate-analysis.mdx │ │ │ ├── 8-r-survival-analysis.mdx │ │ │ ├── 9-r-time-series-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-r-data-science-tools │ │ │ ├── 0-r-data-science-overview.mdx │ │ │ ├── 1-the-tidyverse-family-of-packages-for-r.mdx │ │ │ ├── 10-modelr-package-for-r.mdx │ │ │ ├── 11-r-recipes-package.mdx │ │ │ ├── 12-rmarkdown-basics-for-r.mdx │ │ │ ├── 13-shiny-basics-of-r.mdx │ │ │ ├── 2-dplyr-package-for-r.mdx │ │ │ ├── 3-tidyr-package-for-r.mdx │ │ │ ├── 4-ggplot2-package-for-r.mdx │ │ │ ├── 5-purrr-package-for-r.mdx │ │ │ ├── 6-forcats-package-for-r.mdx │ │ │ ├── 7-lubridate-package-for-r.mdx │ │ │ ├── 8-rs-readr-package.mdx │ │ │ ├── 9-the-broom-package-for-r.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── spark │ │ ├── 0-spark-basics │ │ ├── 0-introduction-to-spark.mdx │ │ ├── 1-spark-history-and-development.mdx │ │ ├── 10-spark-common-terms.mdx │ │ ├── 11-spark-vs-hadoop.mdx │ │ ├── 12-spark-execution-process.mdx │ │ ├── 13-spark-core-concepts.mdx │ │ ├── 2-spark-ecosystem.mdx │ │ ├── 3-spark-architecture-overview.mdx │ │ ├── 4-spark-installation-and-configuration.mdx │ │ ├── 5-spark-operation-mode.mdx │ │ ├── 6-use-spark-shell.mdx │ │ ├── 7-spark-application-structure.mdx │ │ ├── 8-spark-project-creation.mdx │ │ ├── 9-spark-dependency-management.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-spark-rdd-programming │ │ ├── 0-basic-concepts-of-rdd.mdx │ │ ├── 1-rdd-creation-method.mdx │ │ ├── 10-rdd-broadcast-variables.mdx │ │ ├── 11-rdd-accumulator.mdx │ │ ├── 12-rdd-custom-partition.mdx │ │ ├── 13-rdd-performance-optimization.mdx │ │ ├── 2-rdd-transformation-operations.mdx │ │ ├── 3-rdd-action-operation.mdx │ │ ├── 4-rdd-persistence.mdx │ │ ├── 5-rdd-partitioning-and-parallelism.mdx │ │ ├── 6-rdd-dependencies.mdx │ │ ├── 7-rdd-fault-tolerance-mechanism.mdx │ │ ├── 8-rdd-wide-dependency-and-narrow-dependency.mdx │ │ ├── 9-rdd-shared-variables.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-spark-project-practice │ │ ├── 0-log-analysis-system.mdx │ │ ├── 1-user-behavior-analysis.mdx │ │ ├── 10-traffic-prediction-system.mdx │ │ ├── 11-data-warehouse-construction.mdx │ │ ├── 12-etl-process-design.mdx │ │ ├── 13-project-deployment-and-maintenance.mdx │ │ ├── 2-real-time-recommendation-system.mdx │ │ ├── 3-financial-risk-control-system.mdx │ │ ├── 4-intelligent-customer-service-system.mdx │ │ ├── 5-social-network-analysis.mdx │ │ ├── 6-ad-click-rate-prediction.mdx │ │ ├── 7-anomaly-detection-system.mdx │ │ ├── 8-product-classification-system.mdx │ │ ├── 9-sentiment-analysis-system.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-spark-ecosystem │ │ ├── 0-spark-and-delta-lake.mdx │ │ ├── 1-spark-and-apache-arrow.mdx │ │ ├── 10-spark-and-kyuubi.mdx │ │ ├── 11-spark-and-superset.mdx │ │ ├── 12-spark-ecosystem-collaboration.mdx │ │ ├── 13-eco-tool-selection-guide.mdx │ │ ├── 2-spark-and-apache-iceberg.mdx │ │ ├── 3-spark-and-apache-hudi.mdx │ │ ├── 4-spark-and-alluxio.mdx │ │ ├── 5-spark-and-zeppelin.mdx │ │ ├── 6-spark-and-jupyter.mdx │ │ ├── 7-spark-and-airflow.mdx │ │ ├── 8-spark-and-oozie.mdx │ │ ├── 9-spark-and-databricks.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-spark-troubleshooting-and-debugging │ │ ├── 0-common-error-types.mdx │ │ ├── 1-memory-overflow-problem.mdx │ │ ├── 10-fault-reproduction-technology.mdx │ │ ├── 11-problem-location-process.mdx │ │ ├── 12-common-exception-handling.mdx │ │ ├── 13-failure-prevention-strategies.mdx │ │ ├── 2-serialization-issues.mdx │ │ ├── 3-task-failure-handling.mdx │ │ ├── 4-driver-failure.mdx │ │ ├── 5-actuator-failure.mdx │ │ ├── 6-data-skew-diagnosis.mdx │ │ ├── 7-slow-query-analysis.mdx │ │ ├── 8-log-analysis-tips.mdx │ │ ├── 9-remote-debugging-method.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-spark-and-real-time-data-lake │ │ ├── 0-data-lake-concept.mdx │ │ ├── 1-spark-and-data-lake-architecture.mdx │ │ ├── 10-schema-evolution-management.mdx │ │ ├── 11-acid-transaction-support.mdx │ │ ├── 12-data-lake-best-practices.mdx │ │ ├── 13-data-lake-performance-optimization.mdx │ │ ├── 2-unification-of-batch-and-stream-processing.mdx │ │ ├── 3-delta-lake-incremental-processing.mdx │ │ ├── 4-data-lake-storage-format.mdx │ │ ├── 5-data-lake-table-management.mdx │ │ ├── 6-data-lake-metadata-management.mdx │ │ ├── 7-data-quality-control.mdx │ │ ├── 8-data-lake-security-and-governance.mdx │ │ ├── 9-time-travel-and-version-control.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-spark-cutting-edge-technology │ │ ├── 0-spark-and-ai-integration.mdx │ │ ├── 1-spark-and-deep-learning.mdx │ │ ├── 10-spark-community-news.mdx │ │ ├── 11-spark-new-features-preview.mdx │ │ ├── 12-spark-future-development-trend.mdx │ │ ├── 13-big-data-technology-outlook.mdx │ │ ├── 2-spark-and-gpu-acceleration.mdx │ │ ├── 3-spark-and-containerization-technology.mdx │ │ ├── 4-spark-and-cloud-native-architecture.mdx │ │ ├── 5-spark-and-data-grid.mdx │ │ ├── 6-spark-and-streaming-batch-integration.mdx │ │ ├── 7-spark-and-automated-operation-and-maintenance.mdx │ │ ├── 8-spark-and-microservice-architecture.mdx │ │ ├── 9-spark-version-evolution-direction.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-spark-sql-and-dataframe │ │ ├── 0-introduction-to-spark-sql.mdx │ │ ├── 1-dataframe-basic-concepts.mdx │ │ ├── 10-spark-sql-optimization-tips.mdx │ │ ├── 11-spark-sql-and-hive-integration.mdx │ │ ├── 12-dataframe-and-rdd-conversion.mdx │ │ ├── 13-catalyst-optimizer.mdx │ │ ├── 2-dataframe-creation-method.mdx │ │ ├── 3-common-operations-on-dataframe.mdx │ │ ├── 4-dataframe-conversion.mdx │ │ ├── 5-spark-sql-query-syntax.mdx │ │ ├── 6-spark-sql-ddl-operation.mdx │ │ ├── 7-spark-sql-dml-operations.mdx │ │ ├── 8-spark-sql-window-functions.mdx │ │ ├── 9-spark-sql-custom-function.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-spark-streaming │ │ ├── 0-introduction-to-spark-streaming.mdx │ │ ├── 1-spark-streaming-architecture.mdx │ │ ├── 10-spark-streaming-and-flume-integration.mdx │ │ ├── 11-spark-streaming-performance-tuning.mdx │ │ ├── 12-spark-streaming-monitoring.mdx │ │ ├── 13-real-time-application-scenarios.mdx │ │ ├── 2-basic-concepts-of-dstream.mdx │ │ ├── 3-dstream-creation.mdx │ │ ├── 4-dstream-conversion-operations.mdx │ │ ├── 5-dstream-output-operations.mdx │ │ ├── 6-spark-streaming-window-operations.mdx │ │ ├── 7-spark-streaming-state-operations.mdx │ │ ├── 8-spark-streaming-fault-tolerance-mechanism.mdx │ │ ├── 9-spark-streaming-and-kafka-integration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-structured-streaming │ │ ├── 0-introduction-to-structured-streaming.mdx │ │ ├── 1-comparison-between-structured-streaming-and-spark-streaming.mdx │ │ ├── 10-structured-streaming-join-operations.mdx │ │ ├── 11-structured-streaming-event-time-processing.mdx │ │ ├── 12-structured-streaming-checkpoint-and-fault-tolerance.mdx │ │ ├── 13-structured-streaming-performance-optimization.mdx │ │ ├── 2-basic-concepts-of-structured-streaming.mdx │ │ ├── 3-structured-streaming-data-source.mdx │ │ ├── 4-structured-streaming-transformation-operations.mdx │ │ ├── 5-structured-streaming-output-mode.mdx │ │ ├── 6-structured-streaming-triggers.mdx │ │ ├── 7-structured-streaming-window-operations.mdx │ │ ├── 8-structured-streaming-watermark.mdx │ │ ├── 9-structured-streaming-aggregation-operations.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-spark-mllib-machine-learning │ │ ├── 0-introduction-to-spark-mllib.mdx │ │ ├── 1-basic-concepts-of-mllib.mdx │ │ ├── 10-model-evaluation-and-selection.mdx │ │ ├── 11-pipeline-api.mdx │ │ ├── 12-mllib-persistence.mdx │ │ ├── 13-mllib-best-practices.mdx │ │ ├── 2-data-preprocessing.mdx │ │ ├── 3-feature-engineering.mdx │ │ ├── 4-feature-selection.mdx │ │ ├── 5-classification-algorithms.mdx │ │ ├── 6-regression-algorithm.mdx │ │ ├── 7-clustering-algorithms.mdx │ │ ├── 8-recommendation-system.mdx │ │ ├── 9-dimensionality-reduction-techniques.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-spark-graphx-graph-computing │ │ ├── 0-introduction-to-graphx.mdx │ │ ├── 1-graph-computing-basics.mdx │ │ ├── 10-triangle-count.mdx │ │ ├── 11-graph-computing-performance-optimization.mdx │ │ ├── 12-graph-visualization-basics.mdx │ │ ├── 13-graph-computing-application-scenarios.mdx │ │ ├── 2-graph-representation.mdx │ │ ├── 3-creation-of-graphs.mdx │ │ ├── 4-graph-attribute-operations.mdx │ │ ├── 5-structural-operations-on-graphs.mdx │ │ ├── 6-graph-algorithm-implementation.mdx │ │ ├── 7-shortest-path-algorithm.mdx │ │ ├── 8-page-rank-algorithm.mdx │ │ ├── 9-connected-components-algorithm.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-spark-deployment-and-cluster-management │ │ ├── 0-overview-of-spark-deployment-modes.mdx │ │ ├── 1-standalone-mode-deployment.mdx │ │ ├── 10-spark-cluster-tuning.mdx │ │ ├── 11-spark-security-configuration.mdx │ │ ├── 12-spark-cluster-maintenance.mdx │ │ ├── 13-multi-tenant-environment-configuration.mdx │ │ ├── 2-yarn-mode-deployment.mdx │ │ ├── 3-kubernetes-mode-deployment.mdx │ │ ├── 4-mesos-mode-deployment.mdx │ │ ├── 5-spark-cluster-resource-configuration.mdx │ │ ├── 6-spark-job-scheduling.mdx │ │ ├── 7-spark-dynamic-resource-allocation.mdx │ │ ├── 8-spark-high-availability-configuration.mdx │ │ ├── 9-spark-cluster-monitoring.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-spark-tuning-and-performance-optimization │ │ ├── 0-spark-performance-overview.mdx │ │ ├── 1-data-serialization-optimization.mdx │ │ ├── 10-job-monitoring-and-diagnostics.mdx │ │ ├── 11-gc-tuning.mdx │ │ ├── 12-io-optimization.mdx │ │ ├── 13-troubleshooting-common-performance-issues.mdx │ │ ├── 2-memory-tuning.mdx │ │ ├── 3-execution-tuning.mdx │ │ ├── 4-data-skew-processing.mdx │ │ ├── 5-broadcast-variable-optimization.mdx │ │ ├── 6-partition-tuning.mdx │ │ ├── 7-parallelism-settings.mdx │ │ ├── 8-cache-strategy-selection.mdx │ │ ├── 9-spark-ui-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-spark-integration-with-data-sources │ │ ├── 0-spark-data-source-api.mdx │ │ ├── 1-spark-and-hdfs-integration.mdx │ │ ├── 10-spark-and-elasticsearch-integration.mdx │ │ ├── 11-spark-and-s3-integration.mdx │ │ ├── 12-spark-data-connector-development.mdx │ │ ├── 13-best-practices-for-external-data-sources.mdx │ │ ├── 2-spark-and-hbase-integration.mdx │ │ ├── 3-spark-and-hive-integration.mdx │ │ ├── 4-spark-and-mysql-integration.mdx │ │ ├── 5-spark-and-postgresql-integration.mdx │ │ ├── 6-spark-and-mongodb-integration.mdx │ │ ├── 7-spark-and-cassandra-integration.mdx │ │ ├── 8-spark-and-kafka-integration.mdx │ │ ├── 9-spark-and-redis-integration.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── database │ ├── cassandra │ │ ├── 0-cassandra-basics │ │ │ ├── 0-introduction-to-cassandra.mdx │ │ │ ├── 1-cassandra-history-and-development.mdx │ │ │ ├── 10-cassandra-data-types.mdx │ │ │ ├── 11-cassandra-command-line-tools.mdx │ │ │ ├── 12-cassandra-management-tools.mdx │ │ │ ├── 13-cassandra-glossary.mdx │ │ │ ├── 2-cassandra-architecture-overview.mdx │ │ │ ├── 3-comparison-between-cassandra-and-relational-databases.mdx │ │ │ ├── 4-cassandra-installation-and-configuration.mdx │ │ │ ├── 5-cassandra-data-model.mdx │ │ │ ├── 6-cassandra-nodes-and-clusters.mdx │ │ │ ├── 7-cassandra-partitioning-and-data-distribution.mdx │ │ │ ├── 8-cassandra-consistency-level.mdx │ │ │ ├── 9-cassandra-read-and-write-path.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-cassandra-data-modeling │ │ │ ├── 0-cassandra-data-modeling-basics.mdx │ │ │ ├── 1-cassandra-primary-key-design.mdx │ │ │ ├── 10-cassandra-time-series-data-modeling.mdx │ │ │ ├── 11-cassandra-counter-table.mdx │ │ │ ├── 12-cassandra-collection-type-usage.mdx │ │ │ ├── 13-cassandra-user-defined-types.mdx │ │ │ ├── 2-cassandra-partition-key-design.mdx │ │ │ ├── 3-cassandra-clustered-column-design.mdx │ │ │ ├── 4-cassandra-query-driven-design.mdx │ │ │ ├── 5-cassandra-anti-patterns-and-how-to-avoid-them.mdx │ │ │ ├── 6-cassandra-wide-rows-and-wide-tables.mdx │ │ │ ├── 7-cassandra-denormalization-strategy.mdx │ │ │ ├── 8-cassandra-secondary-index.mdx │ │ │ ├── 9-cassandra-materialized-view.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-cassandra-practical-application-cases │ │ │ ├── 0-application-of-cassandra-in-social-network.mdx │ │ │ ├── 1-application-of-cassandra-in-internet-of-things.mdx │ │ │ ├── 10-cassandra-real-case-analysis.mdx │ │ │ ├── 11-cassandra-performance-challenges-and-solutions.mdx │ │ │ ├── 12-cassandra-migration-case.mdx │ │ │ ├── 13-cassandra-expansion-case.mdx │ │ │ ├── 2-application-of-cassandra-in-the-financial-industry.mdx │ │ │ ├── 3-application-of-cassandra-in-e-commerce-platform.mdx │ │ │ ├── 4-application-of-cassandra-in-time-series-data.mdx │ │ │ ├── 5-application-of-cassandra-in-log-system.mdx │ │ │ ├── 6-application-of-cassandra-in-recommendation-system.mdx │ │ │ ├── 7-application-of-cassandra-in-storing-large-scale-data.mdx │ │ │ ├── 8-application-of-cassandra-in-high-concurrency-scenarios.mdx │ │ │ ├── 9-application-of-cassandra-in-global-distributed-systems.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-cassandra-testing-and-debugging │ │ │ ├── 0-cassandra-unit-testing.mdx │ │ │ ├── 1-cassandra-integration-testing.mdx │ │ │ ├── 10-cassandra-debugging-tips.mdx │ │ │ ├── 11-cassandra-troubleshooting-process.mdx │ │ │ ├── 12-analysis-of-common-errors-in-cassandra.mdx │ │ │ ├── 13-cassandra-testing-best-practices.mdx │ │ │ ├── 2-cassandra-performance-testing.mdx │ │ │ ├── 3-cassandra-load-testing.mdx │ │ │ ├── 4-cassandra-fault-tolerance-test.mdx │ │ │ ├── 5-cassandra-chaos-testing.mdx │ │ │ ├── 6-cassandra-test-environment-construction.mdx │ │ │ ├── 7-cassandra-test-data-generation.mdx │ │ │ ├── 8-cassandra-test-automation.mdx │ │ │ ├── 9-cassandra-fault-injection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-cassandra-and-cloud-native │ │ │ ├── 0-cassandra-containerization.mdx │ │ │ ├── 1-cassandra-and-kubernetes-deployment.mdx │ │ │ ├── 10-cassandra-cloud-storage-integration.mdx │ │ │ ├── 11-cassandra-cloud-monitoring.mdx │ │ │ ├── 12-cassandra-cloud-security.mdx │ │ │ ├── 13-cassandra-cloud-cost-optimization.mdx │ │ │ ├── 2-cassandra-operator.mdx │ │ │ ├── 3-cassandra-deployment-on-aws.mdx │ │ │ ├── 4-cassandra-deployment-on-azure.mdx │ │ │ ├── 5-deployment-of-cassandra-on-gcp.mdx │ │ │ ├── 6-cassandra-multi-cloud-deployment.mdx │ │ │ ├── 7-cassandra-cloud-native-architecture.mdx │ │ │ ├── 8-cassandra-automatic-expansion-and-reduction.mdx │ │ │ ├── 9-cassandra-and-service-mesh.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-cassandra-new-features-and-future │ │ │ ├── 0-features-of-the-latest-version-of-cassandra.mdx │ │ │ ├── 1-cassandra-new-features-preview.mdx │ │ │ ├── 10-future-development-direction-of-cassandra.mdx │ │ │ ├── 11-cassandra-contribution-guide.mdx │ │ │ ├── 12-cassandra-academic-research.mdx │ │ │ ├── 13-cassandra-cutting-edge-technology-exploration.mdx │ │ │ ├── 2-cassandra-performance-improvement-development.mdx │ │ │ ├── 3-cassandra-usability-improvements.mdx │ │ │ ├── 4-cassandra-and-cloud-native-integration.mdx │ │ │ ├── 5-cassandra-and-aiml-integration.mdx │ │ │ ├── 6-cassandra-architecture-evolution.mdx │ │ │ ├── 7-cassandra-community-development.mdx │ │ │ ├── 8-comparison-of-cassandra-alternatives.mdx │ │ │ ├── 9-cassandra-migration-and-upgrade-guide.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-cassandra-best-practices │ │ │ ├── 0-cassandra-design-patterns.mdx │ │ │ ├── 1-cassandra-development-specifications.mdx │ │ │ ├── 10-cassandra-security-best-practices.mdx │ │ │ ├── 11-cassandra-upgrade-best-practices.mdx │ │ │ ├── 12-cassandra-common-pitfalls-and-avoidance.mdx │ │ │ ├── 13-cassandra-cost-optimization-strategy.mdx │ │ │ ├── 2-cassandra-production-environment-checklist.mdx │ │ │ ├── 3-cassandra-performance-tuning-guide.mdx │ │ │ ├── 4-cassandra-data-modeling-best-practices.mdx │ │ │ ├── 5-cassandra-backup-strategy.mdx │ │ │ ├── 6-cassandra-monitoring-best-practices.mdx │ │ │ ├── 7-cassandra-capacity-planning.mdx │ │ │ ├── 8-cassandra-disaster-recovery-plan.mdx │ │ │ ├── 9-cassandra-operation-and-maintenance-manual.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-cql-language │ │ │ ├── 0-introduction-to-cql.mdx │ │ │ ├── 1-cqldata-definition-language-ddl.mdx │ │ │ ├── 10-cql-prepared-statements.mdx │ │ │ ├── 11-cql-execution-plan.mdx │ │ │ ├── 12-comparison-between-cql-and-sql.mdx │ │ │ ├── 13-best-practices.mdx │ │ │ ├── 2-cqldata-manipulation-language-dml.mdx │ │ │ ├── 3-cql-query-language.mdx │ │ │ ├── 4-cql-data-types.mdx │ │ │ ├── 5-cql-collection-type.mdx │ │ │ ├── 6-cql-function.mdx │ │ │ ├── 7-cql-batch-processing.mdx │ │ │ ├── 8-cql-lightweight-transaction.mdx │ │ │ ├── 9-cql-paging-query.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-cassandra-operation-and-management │ │ │ ├── 0-cassandra-cluster-management.mdx │ │ │ ├── 1-cassandra-node-operations.mdx │ │ │ ├── 10-cassandra-security-configuration.mdx │ │ │ ├── 11-cassandra-cluster-replication.mdx │ │ │ ├── 12-cassandra-troubleshooting.mdx │ │ │ ├── 13-cassandra-upgrade-strategy.mdx │ │ │ ├── 2-cassandra-monitoring-metrics.mdx │ │ │ ├── 3-cassandra-backup-and-recovery.mdx │ │ │ ├── 4-cassandra-compression-strategy.mdx │ │ │ ├── 5-cassandra-repair-operation.mdx │ │ │ ├── 6-cassandra-expansion-and-reduction.mdx │ │ │ ├── 7-cassandra-operation-and-maintenance-script.mdx │ │ │ ├── 8-cassandra-performance-tuning.mdx │ │ │ ├── 9-cassandra-log-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-cassandra-architecture-in-depth │ │ │ ├── 0-cassandra-storage-engine.mdx │ │ │ ├── 1-cassandra-data-file-structure.mdx │ │ │ ├── 10-detailed-explanation-of-cassandra-repair-mechanism.mdx │ │ │ ├── 11-cassandra-flow-control.mdx │ │ │ ├── 12-cassandra-anti-entropy-process.mdx │ │ │ ├── 13-cassandra-data-recovery-principle.mdx │ │ │ ├── 2-detailed-explanation-of-cassandra-reading-and-writing-process.mdx │ │ │ ├── 3-cassandra-sstable-detailed-explanation.mdx │ │ │ ├── 4-cassandra-memtable-detailed-explanation.mdx │ │ │ ├── 5-cassandra-commit-log.mdx │ │ │ ├── 6-cassandra-compression-process.mdx │ │ │ ├── 7-cassandra-garbage-collection.mdx │ │ │ ├── 8-cassandra-consistent-hashing.mdx │ │ │ ├── 9-cassandra-replication-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-cassandra-and-application-integration │ │ │ ├── 0-cassandra-java-driver.mdx │ │ │ ├── 1-cassandra-python-driver.mdx │ │ │ ├── 10-cassandra-data-import-and-export.mdx │ │ │ ├── 11-cassandra-batch-processing.mdx │ │ │ ├── 12-cassandra-connection-pool-configuration.mdx │ │ │ ├── 13-cassandra-application-layer-cache.mdx │ │ │ ├── 2-cassandra-nodejs-driver.mdx │ │ │ ├── 3-cassandra-other-language-drivers.mdx │ │ │ ├── 4-cassandra-and-spring-boot-integration.mdx │ │ │ ├── 5-cassandra-and-microservice-architecture.mdx │ │ │ ├── 6-cassandra-and-message-queue-integration.mdx │ │ │ ├── 7-cassandra-and-spark-integration.mdx │ │ │ ├── 8-cassandra-and-hadoop-integration.mdx │ │ │ ├── 9-cassandra-integration-with-search-engines.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-cassandra-performance-optimization │ │ │ ├── 0-cassandra-performance-metrics.mdx │ │ │ ├── 1-cassandra-hardware-selection.mdx │ │ │ ├── 10-cassandra-load-balancing.mdx │ │ │ ├── 11-cassandra-network-optimization.mdx │ │ │ ├── 12-cassandra-disk-io-optimization.mdx │ │ │ ├── 13-cassandra-query-optimization-tips.mdx │ │ │ ├── 2-cassandra-jvm-tuning.mdx │ │ │ ├── 3-cassandra-read-optimization.mdx │ │ │ ├── 4-cassandra-write-optimization.mdx │ │ │ ├── 5-cassandra-compression-optimization.mdx │ │ │ ├── 6-cassandra-cache-optimization.mdx │ │ │ ├── 7-cassandra-data-model-optimization.mdx │ │ │ ├── 8-cassandra-batch-processing-optimization.mdx │ │ │ ├── 9-cassandra-concurrency-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-cassandra-high-availability │ │ │ ├── 0-cassandra-data-center-design.mdx │ │ │ ├── 1-cassandra-multi-data-center-deployment.mdx │ │ │ ├── 10-cassandra-network-partition-handling.mdx │ │ │ ├── 11-cassandra-cluster-monitoring-alarm.mdx │ │ │ ├── 12-cassandra-automated-operation-and-maintenance.mdx │ │ │ ├── 13-cassandra-sla-guarantee.mdx │ │ │ ├── 2-cassandra-high-availability-architecture.mdx │ │ │ ├── 3-cassandra-failover.mdx │ │ │ ├── 4-cassandra-disaster-recovery-strategy.mdx │ │ │ ├── 5-cassandra-consistency-guarantee.mdx │ │ │ ├── 6-cassandra-data-recovery.mdx │ │ │ ├── 7-cassandra-automatic-balancing.mdx │ │ │ ├── 8-cassandra-seed-node-configuration.mdx │ │ │ ├── 9-cassandra-noise-node-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-cassandra-security │ │ │ ├── 0-cassandra-authentication-mechanism.mdx │ │ │ ├── 1-cassandra-authorization-management.mdx │ │ │ ├── 10-cassandra-password-management.mdx │ │ │ ├── 11-cassandra-firewall-configuration.mdx │ │ │ ├── 12-cassandra-security-checklist.mdx │ │ │ ├── 13-cassandra-compliance.mdx │ │ │ ├── 2-cassandra-roles-and-permissions.mdx │ │ │ ├── 3-cassandra-encrypted-communication.mdx │ │ │ ├── 4-cassandra-client-encryption.mdx │ │ │ ├── 5-cassandra-audit-log.mdx │ │ │ ├── 6-cassandra-data-desensitization.mdx │ │ │ ├── 7-cassandra-ldap-integration.mdx │ │ │ ├── 8-cassandra-security-vulnerability-protection.mdx │ │ │ ├── 9-cassandra-security-best-practices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-cassandra-ecosystem │ │ │ ├── 0-introduction-to-datastax-enterprise.mdx │ │ │ ├── 1-cassandra-tool-ecosystem.mdx │ │ │ ├── 10-cassandra-hosting-service.mdx │ │ │ ├── 11-cassandra-community-resources.mdx │ │ │ ├── 12-cassandra-learning-resources.mdx │ │ │ ├── 13-latest-developments-in-cassandra.mdx │ │ │ ├── 2-cassandra-management-interface.mdx │ │ │ ├── 3-cassandra-monitoring-tools.mdx │ │ │ ├── 4-cassandra-backup-tool.mdx │ │ │ ├── 5-cassandra-data-migration-tool.mdx │ │ │ ├── 6-cassandra-query-tool.mdx │ │ │ ├── 7-cassandra-and-kubernetes.mdx │ │ │ ├── 8-cassandra-and-docker.mdx │ │ │ ├── 9-cassandra-cloud-deployment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── elasticsearch │ │ ├── 0-elasticsearch-basics │ │ │ ├── 0-introduction-to-elasticsearch.mdx │ │ │ ├── 1-elasticsearch-installation-and-configuration.mdx │ │ │ ├── 10-elasticsearch-version-characteristics.mdx │ │ │ ├── 11-elasticsearch-vs-relational-databases.mdx │ │ │ ├── 12-elasticsearch-health-status.mdx │ │ │ ├── 13-elasticsearch-command-line-tool.mdx │ │ │ ├── 2-elasticsearch-core-concepts.mdx │ │ │ ├── 3-elasticsearch-node-type.mdx │ │ │ ├── 4-elasticsearch-cluster-setup.mdx │ │ │ ├── 5-elasticsearch-index-management.mdx │ │ │ ├── 6-elasticsearch-map-type.mdx │ │ │ ├── 7-elasticsearch-document-actions.mdx │ │ │ ├── 8-elasticsearch-data-type.mdx │ │ │ ├── 9-elasticsearch-shards-and-replicas.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-elasticsearch-query │ │ │ ├── 0-elasticsearch-query-type.mdx │ │ │ ├── 1-elasticsearch-full-text-search.mdx │ │ │ ├── 10-elasticsearch-paternity-query.mdx │ │ │ ├── 11-elasticsearch-sorting-mechanism.mdx │ │ │ ├── 12-elasticsearch-paging-technology.mdx │ │ │ ├── 13-elasticsearch-query-performance-optimization.mdx │ │ │ ├── 2-elasticsearch-exact-query.mdx │ │ │ ├── 3-elasticsearch-bool-query.mdx │ │ │ ├── 4-elasticsearch-scope-query.mdx │ │ │ ├── 5-elasticsearch-fuzzy-query.mdx │ │ │ ├── 6-elasticsearch-wildcard-query.mdx │ │ │ ├── 7-elasticsearch-regular-expression-query.mdx │ │ │ ├── 8-elasticsearch-geolocation-query.mdx │ │ │ ├── 9-elasticsearch-nested-queries.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-elasticsearch-pipeline-processing │ │ │ ├── 0-elasticsearch-pipeline-overview.mdx │ │ │ ├── 1-elasticsearch-ingest-node.mdx │ │ │ ├── 10-elasticsearch-pipeline-monitoring.mdx │ │ │ ├── 11-elasticsearch-pipeline-performance-optimization.mdx │ │ │ ├── 12-elasticsearch-pipeline-error-handling.mdx │ │ │ ├── 13-elasticsearch-pipeline-best-practices.mdx │ │ │ ├── 2-elasticsearch-processor-type.mdx │ │ │ ├── 3-elasticsearch-grok-processor.mdx │ │ │ ├── 4-elasticsearch-date-processor.mdx │ │ │ ├── 5-elasticsearch-geoip-processor.mdx │ │ │ ├── 6-elasticsearch-script-processor.mdx │ │ │ ├── 7-elasticsearch-pipeline-conditional-statement.mdx │ │ │ ├── 8-elasticsearch-pipeline-testing.mdx │ │ │ ├── 9-elasticsearch-pipeline-template.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-elasticsearch-advanced-features │ │ │ ├── 0-elasticsearch-cross-cluster-replication.mdx │ │ │ ├── 1-elasticsearch-cross-cluster-search.mdx │ │ │ ├── 10-elasticsearch-sort-relevance.mdx │ │ │ ├── 11-elasticsearch-custom-ratings.mdx │ │ │ ├── 12-elasticsearch-highlighted.mdx │ │ │ ├── 13-elasticsearch-multilingual-support.mdx │ │ │ ├── 2-elasticsearch-sql-support.mdx │ │ │ ├── 3-elasticsearch-machine-learning.mdx │ │ │ ├── 4-elasticsearch-anomaly-detection.mdx │ │ │ ├── 5-elasticsearch-data-prediction.mdx │ │ │ ├── 6-elasticsearch-asynchronous-search.mdx │ │ │ ├── 7-elasticsearch-vector-search.mdx │ │ │ ├── 8-elasticsearch-autocomplete.mdx │ │ │ ├── 9-elasticsearch-spelling-correction.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-elasticsearch-security │ │ │ ├── 0-elasticsearch-security-framework.mdx │ │ │ ├── 1-elasticsearch-ssltls-configuration.mdx │ │ │ ├── 10-elasticsearch-single-sign-on.mdx │ │ │ ├── 11-elasticsearch-encrypted-communication.mdx │ │ │ ├── 12-elasticsearch-data-desensitization.mdx │ │ │ ├── 13-elasticsearch-security-best-practices.mdx │ │ │ ├── 2-elasticsearch-authentication.mdx │ │ │ ├── 3-elasticsearch-role-permissions.mdx │ │ │ ├── 4-elasticsearch-field-level-permissions.mdx │ │ │ ├── 5-elasticsearch-document-level-permissions.mdx │ │ │ ├── 6-elasticsearch-audit-log.mdx │ │ │ ├── 7-elasticsearch-ip-filtering.mdx │ │ │ ├── 8-elasticsearch-password-policy.mdx │ │ │ ├── 9-elasticsearch-api-key.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-troubleshooting-elasticsearch │ │ │ ├── 0-elasticsearch-faqs.mdx │ │ │ ├── 1-elasticsearch-cluster-yellow-status.mdx │ │ │ ├── 10-elasticsearch-log-interpretation.mdx │ │ │ ├── 11-elasticsearch-performance-bottleneck-diagnostics.mdx │ │ │ ├── 12-elasticsearch-query-timeout.mdx │ │ │ ├── 13-elasticsearch-recovery-strategy.mdx │ │ │ ├── 2-elasticsearch-cluster-red-status.mdx │ │ │ ├── 3-elasticsearch-shard-not-assigned.mdx │ │ │ ├── 4-elasticsearch-memory-overflow.mdx │ │ │ ├── 5-elasticsearch-high-cpu-usage.mdx │ │ │ ├── 6-elasticsearch-low-disk-space.mdx │ │ │ ├── 7-elasticsearch-slow-query-analysis.mdx │ │ │ ├── 8-elasticsearch-index-corruption-repair.mdx │ │ │ ├── 9-elasticsearch-network-issues.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-elasticsearch-battle-cases │ │ │ ├── 0-elasticsearch-log-analysis-system.mdx │ │ │ ├── 1-elasticsearch-full-text-search-engine.mdx │ │ │ ├── 10-elasticsearch-personalized-search.mdx │ │ │ ├── 11-elasticsearch-log-aggregation-analysis.mdx │ │ │ ├── 12-elasticsearch-apm-application-performance-monitoring.mdx │ │ │ ├── 13-elasticsearch-siem-security-information-management.mdx │ │ │ ├── 2-elasticsearch-e-commerce-search-platform.mdx │ │ │ ├── 3-elasticsearch-content-recommendation-system.mdx │ │ │ ├── 4-elasticsearch-real-time-monitoring-platform.mdx │ │ │ ├── 5-elasticsearch-bi-analysis-system.mdx │ │ │ ├── 6-elasticsearch-risk-control-system.mdx │ │ │ ├── 7-elasticsearch-time-series-data-analysis.mdx │ │ │ ├── 8-elasticsearch-geographic-information-system.mdx │ │ │ ├── 9-elasticsearch-multilingual-search.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-elasticsearch-analysis-and-word-segmentation │ │ │ ├── 0-elasticsearch-analyzer-overview.mdx │ │ │ ├── 1-elasticsearch-built-in-analyzer.mdx │ │ │ ├── 10-elasticsearch-n-gram-participle.mdx │ │ │ ├── 11-elasticsearch-edge-n-gram-participle.mdx │ │ │ ├── 12-elasticsearch-word-segmentation-test.mdx │ │ │ ├── 13-elasticsearch-analytics-chain-configuration.mdx │ │ │ ├── 2-elasticsearch-custom-analyzer.mdx │ │ │ ├── 3-elasticsearch-character-filter.mdx │ │ │ ├── 4-elasticsearch-word-breaker.mdx │ │ │ ├── 5-elasticsearch-language-analyzer.mdx │ │ │ ├── 6-elasticsearch-stopwords.mdx │ │ │ ├── 7-elasticsearch-synonyms.mdx │ │ │ ├── 8-elasticsearch-chinese-participle.mdx │ │ │ ├── 9-elasticsearch-pinyin-participle.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-elasticsearch-aggregation-analysis │ │ │ ├── 0-elasticsearch-aggregation-overview.mdx │ │ │ ├── 1-elasticsearch-metrics-aggregation.mdx │ │ │ ├── 10-elasticsearch-statistical-aggregation.mdx │ │ │ ├── 11-elasticsearch-cardinality-aggregation.mdx │ │ │ ├── 12-elasticsearch-percentile-aggregation.mdx │ │ │ ├── 13-elasticsearch-aggregation-result-processing.mdx │ │ │ ├── 2-elasticsearch-bucket-aggregation.mdx │ │ │ ├── 3-elasticsearch-pipeline-aggregation.mdx │ │ │ ├── 4-elasticsearch-histogram-aggregation.mdx │ │ │ ├── 5-elasticsearch-date-histogram-aggregation.mdx │ │ │ ├── 6-elasticsearch-scope-aggregation.mdx │ │ │ ├── 7-elasticsearch-filter-aggregation.mdx │ │ │ ├── 8-elasticsearch-nested-aggregation.mdx │ │ │ ├── 9-elasticsearch-geographic-aggregation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-elasticsearch-index-design │ │ │ ├── 0-elasticsearch-index-design-principles.mdx │ │ │ ├── 1-elasticsearch-index-template.mdx │ │ │ ├── 10-elasticsearch-index-sharding-strategy.mdx │ │ │ ├── 11-elasticsearch-index-backup-and-recovery.mdx │ │ │ ├── 12-elasticsearch-index-throttling.mdx │ │ │ ├── 13-elasticsearch-index-optimization-techniques.mdx │ │ │ ├── 2-elasticsearch-dynamic-mapping.mdx │ │ │ ├── 3-elasticsearch-explicit-mapping.mdx │ │ │ ├── 4-elasticsearch-field-type-selection.mdx │ │ │ ├── 5-elasticsearch-multi-field-type.mdx │ │ │ ├── 6-elasticsearch-index-alias.mdx │ │ │ ├── 7-elasticsearch-index-lifecycle.mdx │ │ │ ├── 8-elasticsearch-scroll-index.mdx │ │ │ ├── 9-elasticsearch-index-shrink.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-elasticsearch-data-modeling │ │ │ ├── 0-elasticsearch-data-modeling-basics.mdx │ │ │ ├── 1-elasticsearch-document-design.mdx │ │ │ ├── 10-elasticsearch-log-data-modeling.mdx │ │ │ ├── 11-elasticsearch-search-data-modeling.mdx │ │ │ ├── 12-elasticsearch-multi-tenant-design.mdx │ │ │ ├── 13-elasticsearch-data-modeling-best-practices.mdx │ │ │ ├── 2-elasticsearch-relationship-handling.mdx │ │ │ ├── 3-elasticsearch-nested-objects.mdx │ │ │ ├── 4-elasticsearch-parent-child-documentation.mdx │ │ │ ├── 5-elasticsearch-de-normalization-design.mdx │ │ │ ├── 6-elasticsearch-wide-table-design.mdx │ │ │ ├── 7-elasticsearch-index-granularity.mdx │ │ │ ├── 8-elasticsearch-temporal-data-modeling.mdx │ │ │ ├── 9-elasticsearch-geodata-modeling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-elasticsearch-performance-optimization │ │ │ ├── 0-elasticsearch-performance-tuning-overview.mdx │ │ │ ├── 1-elasticsearch-hardware-optimization.mdx │ │ │ ├── 10-elasticsearch-refresh-and-merge-optimization.mdx │ │ │ ├── 11-elasticsearch-segment-merge-strategy.mdx │ │ │ ├── 12-elasticsearch-stress-test.mdx │ │ │ ├── 13-elasticsearch-monitoring-and-tuning.mdx │ │ │ ├── 2-elasticsearch-memory-configuration.mdx │ │ │ ├── 3-elasticsearch-heap-size-settings.mdx │ │ │ ├── 4-elasticsearch-cache-settings.mdx │ │ │ ├── 5-elasticsearch-query-optimization.mdx │ │ │ ├── 6-elasticsearch-index-optimization.mdx │ │ │ ├── 7-elasticsearch-bulk-actions.mdx │ │ │ ├── 8-elasticsearch-shard-optimization.mdx │ │ │ ├── 9-elasticsearch-routing-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-elasticsearch-om │ │ │ ├── 0-elasticsearch-cluster-management.mdx │ │ │ ├── 1-elasticsearch-node-management.mdx │ │ │ ├── 10-troubleshooting-elasticsearch.mdx │ │ │ ├── 11-elasticsearch-capacity-planning.mdx │ │ │ ├── 12-elasticsearch-disaster-recovery.mdx │ │ │ ├── 13-elasticsearch-high-availability-deployment.mdx │ │ │ ├── 2-elasticsearch-monitoring-tool.mdx │ │ │ ├── 3-elasticsearch-log-analysis.mdx │ │ │ ├── 4-elasticsearch-backup-restore.mdx │ │ │ ├── 5-elasticsearch-upgrade-strategy.mdx │ │ │ ├── 6-elasticsearch-security-configuration.mdx │ │ │ ├── 7-elasticsearch-user-authentication.mdx │ │ │ ├── 8-elasticsearch-permission-control.mdx │ │ │ ├── 9-elasticsearch-network-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-elasticsearch-integrated-app │ │ │ ├── 0-elasticsearch-integration-with-kibana.mdx │ │ │ ├── 1-elasticsearch-integration-with-logstash.mdx │ │ │ ├── 10-elasticsearch-integration-with-kafka.mdx │ │ │ ├── 11-elasticsearch-and-docker-deployments.mdx │ │ │ ├── 12-elasticsearch-and-kubernetes-deployment.mdx │ │ │ ├── 13-elasticsearch-cloud-service-selection.mdx │ │ │ ├── 2-elasticsearch-integration-with-beats.mdx │ │ │ ├── 3-elasticsearch-integration-with-spring-boot.mdx │ │ │ ├── 4-elasticsearch-and-java-client.mdx │ │ │ ├── 5-elasticsearch-and-python-client.mdx │ │ │ ├── 6-elasticsearch-with-nodejs-client.mdx │ │ │ ├── 7-elasticsearch-with-php-client.mdx │ │ │ ├── 8-elasticsearch-interacts-with-rest-api.mdx │ │ │ ├── 9-elasticsearch-synchronizes-with-relational-databases.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-elasticsearch-query-dsl │ │ │ ├── 0-elasticsearch-query-dsl-overview.mdx │ │ │ ├── 1-elasticsearch-match-query.mdx │ │ │ ├── 10-elasticsearch-fuzzy-query.mdx │ │ │ ├── 11-elasticsearch-function-score-query.mdx │ │ │ ├── 12-elasticsearch-script-query.mdx │ │ │ ├── 13-elasticsearch-composite-query-construction.mdx │ │ │ ├── 2-elasticsearch-term-query.mdx │ │ │ ├── 3-elasticsearch-match-phrase-query.mdx │ │ │ ├── 4-elasticsearch-multi-match-query.mdx │ │ │ ├── 5-elasticsearch-query-string-query.mdx │ │ │ ├── 6-elasticsearch-simple-query-string-query.mdx │ │ │ ├── 7-elasticsearch-exists-query.mdx │ │ │ ├── 8-elasticsearch-ids-query.mdx │ │ │ ├── 9-elasticsearch-prefix-query.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── hbase │ │ ├── 0-hbase-basics │ │ │ ├── 0-introduction-to-hbase.mdx │ │ │ ├── 1-hbase-history-and-development.mdx │ │ │ ├── 10-hbase-version-features.mdx │ │ │ ├── 11-hbase-cluster-role.mdx │ │ │ ├── 12-hbase-configuration-file-analysis.mdx │ │ │ ├── 13-hbase-operation-mode.mdx │ │ │ ├── 2-comparison-between-hbase-and-relational-databases.mdx │ │ │ ├── 3-hbase-architecture-overview.mdx │ │ │ ├── 4-hbase-data-model.mdx │ │ │ ├── 5-hbase-installation-and-configuration.mdx │ │ │ ├── 6-hbase-shell-basic-commands.mdx │ │ │ ├── 7-hbase-data-types.mdx │ │ │ ├── 8-hbase-table-design-principles.mdx │ │ │ ├── 9-hbase-namespace.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-hbase-data-model │ │ │ ├── 0-hbase-logical-data-model.mdx │ │ │ ├── 1-hbase-physical-storage-model.mdx │ │ │ ├── 10-hbase-secondary-index.mdx │ │ │ ├── 11-best-practices-for-hbase-data-model.mdx │ │ │ ├── 12-hbase-schema-design-example.mdx │ │ │ ├── 13-hbase-data-modeling-skills.mdx │ │ │ ├── 2-hbase-table-structure.mdx │ │ │ ├── 3-hbase-row-key-design.mdx │ │ │ ├── 4-hbase-column-family-design.mdx │ │ │ ├── 5-hbase-qualifier.mdx │ │ │ ├── 6-hbase-timestamp.mdx │ │ │ ├── 7-hbase-cell.mdx │ │ │ ├── 8-hbase-version-control.mdx │ │ │ ├── 9-hbase-data-storage-format.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-hbase-ecological-integration │ │ │ ├── 0-integration-of-hbase-and-hadoop.mdx │ │ │ ├── 1-hbase-and-hdfs-interaction.mdx │ │ │ ├── 10-hbase-and-oozie-workflow.mdx │ │ │ ├── 11-integration-of-hbase-and-monitoring-system.mdx │ │ │ ├── 12-integration-of-hbase-and-big-data-platform.mdx │ │ │ ├── 13-hbase-ecological-application-architecture.mdx │ │ │ ├── 2-hbase-and-mapreduce-integration.mdx │ │ │ ├── 3-hbase-and-spark-integration.mdx │ │ │ ├── 4-integration-of-hbase-and-hive.mdx │ │ │ ├── 5-hbase-and-phoenix-integration.mdx │ │ │ ├── 6-integration-of-hbase-and-solrelasticsearch.mdx │ │ │ ├── 7-integration-of-hbase-and-kafka.mdx │ │ │ ├── 8-integration-of-hbase-and-flink.mdx │ │ │ ├── 9-hbase-interacts-with-zookeeper.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-hbase-coprocessor │ │ │ ├── 0-introduction-to-hbase-coprocessor.mdx │ │ │ ├── 1-hbase-observer-coprocessor.mdx │ │ │ ├── 10-hbase-coprocessor-performance-impact.mdx │ │ │ ├── 11-hbase-coprocessor-best-practices.mdx │ │ │ ├── 12-hbase-coprocessor-version-compatibility.mdx │ │ │ ├── 13-hbase-coprocessor-security.mdx │ │ │ ├── 2-hbase-endpoint-coprocessor.mdx │ │ │ ├── 3-hbase-coprocessor-loading-method.mdx │ │ │ ├── 4-hbase-coprocessor-development-steps.mdx │ │ │ ├── 5-hbase-coprocessor-deployment.mdx │ │ │ ├── 6-hbase-coprocessor-debugging.mdx │ │ │ ├── 7-hbase-custom-coprocessor-example.mdx │ │ │ ├── 8-hbase-coprocessor-priority.mdx │ │ │ ├── 9-hbase-coprocessor-exception-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-hbase-security-mechanism │ │ │ ├── 0-hbase-security-architecture.mdx │ │ │ ├── 1-hbase-authentication-mechanism.mdx │ │ │ ├── 10-hbase-security-vulnerability-prevention.mdx │ │ │ ├── 11-hbase-multi-tenant-isolation.mdx │ │ │ ├── 12-hbase-data-privacy-protection.mdx │ │ │ ├── 13-hbase-compliance-configuration.mdx │ │ │ ├── 2-hbase-authorization-model.mdx │ │ │ ├── 3-hbase-access-control.mdx │ │ │ ├── 4-hbase-kerberos-integration.mdx │ │ │ ├── 5-hbase-ssl-configuration.mdx │ │ │ ├── 6-hbase-fine-grained-permission-control.mdx │ │ │ ├── 7-hbase-data-encryption.mdx │ │ │ ├── 8-hbase-audit-log.mdx │ │ │ ├── 9-hbase-security-best-practices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-hbase-troubleshooting │ │ │ ├── 0-common-error-types-of-hbase.mdx │ │ │ ├── 1-hbase-log-analysis-method.mdx │ │ │ ├── 10-hbase-metadata-repair.mdx │ │ │ ├── 11-hbase-cluster-recovery-process.mdx │ │ │ ├── 12-hbase-fault-drill.mdx │ │ │ ├── 13-hbase-operation-and-maintenance-toolbox.mdx │ │ │ ├── 2-hbase-monitoring-alarm-configuration.mdx │ │ │ ├── 3-hbase-performance-problem-diagnosis.mdx │ │ │ ├── 4-hbase-region-unavailable-processing.mdx │ │ │ ├── 5-hbase-data-consistency-issues.mdx │ │ │ ├── 6-hbase-split-brain-problem.mdx │ │ │ ├── 7-hbase-memory-overflow-troubleshooting.mdx │ │ │ ├── 8-hbase-network-fault-handling.mdx │ │ │ ├── 9-hbase-data-corruption-repair.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-best-practices-for-hbase │ │ │ ├── 0-best-practices-for-hbase-table-design.mdx │ │ │ ├── 1-hbase-row-key-design-pattern.mdx │ │ │ ├── 10-hbase-operation-and-maintenance-automation.mdx │ │ │ ├── 11-hbase-data-migration-case.mdx │ │ │ ├── 12-hbase-production-environment-checklist.mdx │ │ │ ├── 13-hbase-architecture-evolution-path.mdx │ │ │ ├── 2-hbase-batch-operation-strategy.mdx │ │ │ ├── 3-hbase-read-and-write-optimization-strategy.mdx │ │ │ ├── 4-hbase-resource-planning-method.mdx │ │ │ ├── 5-hbase-backup-and-recovery-strategy.mdx │ │ │ ├── 6-hbase-application-monitoring-solution.mdx │ │ │ ├── 7-hbase-load-testing-method.mdx │ │ │ ├── 8-hbase-capacity-planning.mdx │ │ │ ├── 9-hbase-upgrade-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-hbase-practical-case │ │ │ ├── 0-hbase-user-portrait-system.mdx │ │ │ ├── 1-hbase-real-time-recommendation-system.mdx │ │ │ ├── 10-hbase-e-commerce-system-application.mdx │ │ │ ├── 11-hbase-medical-data-platform.mdx │ │ │ ├── 12-hbase-risk-control-system.mdx │ │ │ ├── 13-hbase-multimedia-storage-solution.mdx │ │ │ ├── 2-hbase-time-series-data-storage.mdx │ │ │ ├── 3-hbase-graph-data-application.mdx │ │ │ ├── 4-hbase-message-storage-system.mdx │ │ │ ├── 5-hbase-iot-data-platform.mdx │ │ │ ├── 6-hbase-log-analysis-system.mdx │ │ │ ├── 7-hbase-social-network-application.mdx │ │ │ ├── 8-hbase-financial-trading-system.mdx │ │ │ ├── 9-hbase-location-service.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-hbase-version-and-development │ │ │ ├── 0-hbase-version-feature-comparison.mdx │ │ │ ├── 1-hbase-version-selection-guide.mdx │ │ │ ├── 10-hbase-and-cloud-native-technology.mdx │ │ │ ├── 11-hbase-and-containerization.mdx │ │ │ ├── 12-hbase-and-microservice-architecture.mdx │ │ │ ├── 13-hbase-development-roadmap.mdx │ │ │ ├── 2-hbase-upgrade-planning.mdx │ │ │ ├── 3-hbase-community-dynamics.mdx │ │ │ ├── 4-future-development-trend-of-hbase.mdx │ │ │ ├── 5-hbase-new-features-preview.mdx │ │ │ ├── 6-hbase-enterprise-edition-comparison.mdx │ │ │ ├── 7-hbase-production-environment-version-stability.mdx │ │ │ ├── 8-hbase-compatibility-matrix.mdx │ │ │ ├── 9-comparison-of-hbase-alternatives.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-hbase-operation-basics │ │ │ ├── 0-hbase-table-creation-and-deletion.mdx │ │ │ ├── 1-hbase-data-insertion.mdx │ │ │ ├── 10-hbase-shell-advanced-commands.mdx │ │ │ ├── 11-hbase-operation-timeout-setting.mdx │ │ │ ├── 12-hbase-command-line-tool.mdx │ │ │ ├── 13-troubleshooting-hbase-operations.mdx │ │ │ ├── 2-hbase-data-query.mdx │ │ │ ├── 3-hbase-data-update.mdx │ │ │ ├── 4-hbase-data-deletion.mdx │ │ │ ├── 5-hbase-scan-operation.mdx │ │ │ ├── 6-hbase-filter-usage.mdx │ │ │ ├── 7-hbase-counter-function.mdx │ │ │ ├── 8-hbase-batch-operations.mdx │ │ │ ├── 9-hbase-atomic-operations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-hbase-api-programming │ │ │ ├── 0-overview-of-hbase-java-api.mdx │ │ │ ├── 1-hbase-client-configuration.mdx │ │ │ ├── 10-hbase-thrift-api.mdx │ │ │ ├── 11-integration-of-hbase-and-spring.mdx │ │ │ ├── 12-hbase-client-cache.mdx │ │ │ ├── 13-hbase-api-best-practices.mdx │ │ │ ├── 2-hbase-connection-management.mdx │ │ │ ├── 3-hbase-table-management-api.mdx │ │ │ ├── 4-hbase-data-operation-api.mdx │ │ │ ├── 5-hbase-batch-operation-api.mdx │ │ │ ├── 6-hbase-filter-api.mdx │ │ │ ├── 7-hbase-coprocessor-api.mdx │ │ │ ├── 8-hbase-asynchronous-api.mdx │ │ │ ├── 9-hbase-rest-api.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-hbase-advanced-query │ │ │ ├── 0-detailed-explanation-of-hbase-filter.mdx │ │ │ ├── 1-hbase-comparator.mdx │ │ │ ├── 10-hbase-mapreduce-integrated-query.mdx │ │ │ ├── 11-hbase-spark-integrated-query.mdx │ │ │ ├── 12-hbase-full-text-search-integration.mdx │ │ │ ├── 13-hbase-query-performance-optimization.mdx │ │ │ ├── 2-hbase-composite-filter.mdx │ │ │ ├── 3-hbase-custom-filter.mdx │ │ │ ├── 4-hbase-row-level-filtering.mdx │ │ │ ├── 5-hbase-column-level-filtering.mdx │ │ │ ├── 6-hbase-paging-query.mdx │ │ │ ├── 7-hbase-fuzzy-query-skills.mdx │ │ │ ├── 8-hbase-secondary-index-query.mdx │ │ │ ├── 9-hbase-coprocessor-query.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-hbase-storage-architecture │ │ │ ├── 0-hbase-file-system.mdx │ │ │ ├── 1-hbase-region-composition.mdx │ │ │ ├── 10-hbase-storage-engine.mdx │ │ │ ├── 11-hbase-storage-layer-optimization.mdx │ │ │ ├── 12-hbase-storage-strategy-configuration.mdx │ │ │ ├── 13-hbase-persistence-mechanism.mdx │ │ │ ├── 2-hbase-store-structure.mdx │ │ │ ├── 3-hbase-memstore.mdx │ │ │ ├── 4-hbase-storefilehfile.mdx │ │ │ ├── 5-hbase-wal-log.mdx │ │ │ ├── 6-hbase-data-compression.mdx │ │ │ ├── 7-hbase-data-encoding.mdx │ │ │ ├── 8-hbase-data-block-cache.mdx │ │ │ ├── 9-hbase-data-localization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-hbase-cluster-management │ │ │ ├── 0-hbase-cluster-planning.mdx │ │ │ ├── 1-hbase-node-configuration.mdx │ │ │ ├── 10-hbase-resource-management.mdx │ │ │ ├── 11-hbase-multi-tenant-management.mdx │ │ │ ├── 12-hbase-cluster-operation-and-maintenance-tools.mdx │ │ │ ├── 13-hbase-cloud-environment-deployment.mdx │ │ │ ├── 2-hbase-cluster-deployment.mdx │ │ │ ├── 3-start-and-stop-hbase-cluster.mdx │ │ │ ├── 4-hbase-monitoring-tools.mdx │ │ │ ├── 5-hbase-cluster-expansion.mdx │ │ │ ├── 6-hbase-load-balancing.mdx │ │ │ ├── 7-hbase-high-availability-configuration.mdx │ │ │ ├── 8-hbase-disaster-recovery-strategy.mdx │ │ │ ├── 9-hbase-cluster-security-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-hbase-internal-mechanism │ │ │ ├── 0-hbase-read-and-write-process.mdx │ │ │ ├── 1-hbase-region-split.mdx │ │ │ ├── 10-detailed-explanation-of-hbase-hfile-structure.mdx │ │ │ ├── 11-hbase-memory-management.mdx │ │ │ ├── 12-hbase-thread-model.mdx │ │ │ ├── 13-hbase-rpc-mechanism.mdx │ │ │ ├── 2-hbase-region-merge.mdx │ │ │ ├── 3-hbase-compression-process.mdx │ │ │ ├── 4-hbase-flush-mechanism.mdx │ │ │ ├── 5-how-hbase-blockcache-works.mdx │ │ │ ├── 6-hbase-compaction-strategy.mdx │ │ │ ├── 7-detailed-explanation-of-hbase-master-function.mdx │ │ │ ├── 8-detailed-explanation-of-hbase-regionserver-functions.mdx │ │ │ ├── 9-hbase-zookeeper-coordination.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-hbase-performance-tuning │ │ │ ├── 0-hbase-performance-indicators.mdx │ │ │ ├── 1-hbase-performance-test-method.mdx │ │ │ ├── 10-hbase-network-parameter-tuning.mdx │ │ │ ├── 11-hbase-io-optimization.mdx │ │ │ ├── 12-hbase-hotspot-problem-handling.mdx │ │ │ ├── 13-troubleshooting-hbase-performance-issues.mdx │ │ │ ├── 2-hbase-row-key-optimization.mdx │ │ │ ├── 3-hbase-column-family-optimization.mdx │ │ │ ├── 4-hbase-table-design-optimization.mdx │ │ │ ├── 5-hbase-client-optimization.mdx │ │ │ ├── 6-hbase-regionserver-tuning.mdx │ │ │ ├── 7-hbase-gc-tuning.mdx │ │ │ ├── 8-hbase-memory-parameter-tuning.mdx │ │ │ ├── 9-hbase-compression-and-encoding-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-hbase-data-migration-and-backup │ │ │ ├── 0-hbase-data-import-technology.mdx │ │ │ ├── 1-hbase-data-export-method.mdx │ │ │ ├── 10-hbase-data-synchronization-strategy.mdx │ │ │ ├── 11-hbase-etl-process.mdx │ │ │ ├── 12-hbase-data-consistency-guarantee.mdx │ │ │ ├── 13-hbase-disaster-recovery-plan.mdx │ │ │ ├── 2-hbase-incremental-backup.mdx │ │ │ ├── 3-hbase-full-backup.mdx │ │ │ ├── 4-hbase-snapshot-function.mdx │ │ │ ├── 5-hbase-data-migration-tool.mdx │ │ │ ├── 6-hbase-cross-cluster-replication.mdx │ │ │ ├── 7-hbase-table-clone.mdx │ │ │ ├── 8-hbase-data-recovery.mdx │ │ │ ├── 9-hbase-backup-verification.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── hive │ │ ├── 0-hive-basics │ │ │ ├── 0-introduction-to-hive.mdx │ │ │ ├── 1-overview-of-the-big-data-ecosystem.mdx │ │ │ ├── 10-hive-metadata-storage.mdx │ │ │ ├── 11-hive-version-features.mdx │ │ │ ├── 12-the-difference-between-hive-and-traditional-database.mdx │ │ │ ├── 13-hive-ecosystem.mdx │ │ │ ├── 2-the-relationship-between-hadoop-and-hive.mdx │ │ │ ├── 3-hive-architecture.mdx │ │ │ ├── 4-hive-installation-and-configuration.mdx │ │ │ ├── 5-hive-data-model.mdx │ │ │ ├── 6-hive-command-line-interface.mdx │ │ │ ├── 7-hive-web-interface.mdx │ │ │ ├── 8-hive-server-components.mdx │ │ │ ├── 9-hive-client-components.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-hive-data-types-and-tables │ │ │ ├── 0-hive-basic-data-types.mdx │ │ │ ├── 1-hive-complex-data-types.mdx │ │ │ ├── 10-storage-format-textfile-sequencefile-rcfile-orc-parquet.mdx │ │ │ ├── 11-table-lifecycle-management.mdx │ │ │ ├── 12-import-and-export-of-tables.mdx │ │ │ ├── 13-mapping-relationship-between-table-and-file-system.mdx │ │ │ ├── 2-overview-of-hive-table-types.mdx │ │ │ ├── 3-internal-table-creation-and-management.mdx │ │ │ ├── 4-external-table-creation-and-management.mdx │ │ │ ├── 5-partition-table-design.mdx │ │ │ ├── 6-bucket-watch-design.mdx │ │ │ ├── 7-temporary-table-usage.mdx │ │ │ ├── 8-view-creation-and-management.mdx │ │ │ ├── 9-table-property-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-hive-ecosystem-integration │ │ │ ├── 0-hive-and-hadoop-ecosystem.mdx │ │ │ ├── 1-hive-and-hdfs.mdx │ │ │ ├── 10-hive-and-oozie.mdx │ │ │ ├── 11-hive-and-airflow.mdx │ │ │ ├── 12-hive-and-presto.mdx │ │ │ ├── 13-comparison-between-hive-and-impala.mdx │ │ │ ├── 2-hive-and-yarn.mdx │ │ │ ├── 3-hive-and-mapreduce.mdx │ │ │ ├── 4-hive-and-tez.mdx │ │ │ ├── 5-hive-and-spark.mdx │ │ │ ├── 6-hive-and-hbase.mdx │ │ │ ├── 7-hive-and-kafka.mdx │ │ │ ├── 8-hive-and-flume.mdx │ │ │ ├── 9-hive-and-sqoop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-hive-stream-processing │ │ │ ├── 0-streaming-data-concepts.mdx │ │ │ ├── 1-hive-streaming-table.mdx │ │ │ ├── 10-real-time-dashboard.mdx │ │ │ ├── 11-stream-processing-monitoring.mdx │ │ │ ├── 12-stream-processing-tuning.mdx │ │ │ ├── 13-streaming-application-cases.mdx │ │ │ ├── 2-integration-of-hive-and-kafka.mdx │ │ │ ├── 3-real-time-query.mdx │ │ │ ├── 4-stream-and-batch-integrated-processing.mdx │ │ │ ├── 5-window-calculation.mdx │ │ │ ├── 6-streaming-etl.mdx │ │ │ ├── 7-real-time-data-import.mdx │ │ │ ├── 8-incremental-processing.mdx │ │ │ ├── 9-change-data-capture-cdc.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-hive-data-warehouse-design │ │ │ ├── 0-data-warehouse-basic-concepts.mdx │ │ │ ├── 1-dimensional-modeling-techniques.mdx │ │ │ ├── 10-data-warehouse-testing.mdx │ │ │ ├── 11-data-governance.mdx │ │ │ ├── 12-metadata-management.mdx │ │ │ ├── 13-data-lineage-analysis.mdx │ │ │ ├── 2-star-schema-design.mdx │ │ │ ├── 3-snowflake-pattern-design.mdx │ │ │ ├── 4-slowly-changing-dimension-scd.mdx │ │ │ ├── 5-fact-table-design.mdx │ │ │ ├── 6-dimension-table-design.mdx │ │ │ ├── 7-odsdwddwsads-layer-design.mdx │ │ │ ├── 8-indicator-definition.mdx │ │ │ ├── 9-data-quality-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-hive-practical-application │ │ │ ├── 0-log-analysis-system.mdx │ │ │ ├── 1-user-behavior-analysis.mdx │ │ │ ├── 10-ab-test-analysis.mdx │ │ │ ├── 11-advertising-effectiveness-analysis.mdx │ │ │ ├── 12-large-scale-etl-process.mdx │ │ │ ├── 13-real-time-reporting-system.mdx │ │ │ ├── 2-e-commerce-data-analysis.mdx │ │ │ ├── 3-financial-data-analysis.mdx │ │ │ ├── 4-social-media-analytics.mdx │ │ │ ├── 5-iot-data-processing.mdx │ │ │ ├── 6-medical-data-analysis.mdx │ │ │ ├── 7-geographic-location-data-analysis.mdx │ │ │ ├── 8-recommendation-system.mdx │ │ │ ├── 9-customer-portrait-construction.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-hive-security-and-governance │ │ │ ├── 0-data-security-overview.mdx │ │ │ ├── 1-authentication.mdx │ │ │ ├── 10-disaster-recovery.mdx │ │ │ ├── 11-best-practices-for-permission-management.mdx │ │ │ ├── 12-security-vulnerability-prevention.mdx │ │ │ ├── 13-data-privacy-protection.mdx │ │ │ ├── 2-authorization-model.mdx │ │ │ ├── 3-row-level-security.mdx │ │ │ ├── 4-column-level-security.mdx │ │ │ ├── 5-data-desensitization.mdx │ │ │ ├── 6-audit-log.mdx │ │ │ ├── 7-compliance.mdx │ │ │ ├── 8-data-classification.mdx │ │ │ ├── 9-data-lifecycle-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-hive-deployment-and-operation │ │ │ ├── 0-deployment-architecture-design.mdx │ │ │ ├── 1-single-node-deployment.mdx │ │ │ ├── 10-backup-and-restore.mdx │ │ │ ├── 11-operation-and-maintenance-automation.mdx │ │ │ ├── 12-troubleshooting-process.mdx │ │ │ ├── 13-performance-monitoring-and-alarming.mdx │ │ │ ├── 2-cluster-deployment.mdx │ │ │ ├── 3-high-availability-configuration.mdx │ │ │ ├── 4-load-balancing.mdx │ │ │ ├── 5-containerized-deployment.mdx │ │ │ ├── 6-cloud-environment-deployment.mdx │ │ │ ├── 7-resource-planning.mdx │ │ │ ├── 8-configuration-management.mdx │ │ │ ├── 9-version-upgrade-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-hive-and-cloud-services │ │ │ ├── 0-hive-on-aws-emr.mdx │ │ │ ├── 1-hive-on-azure-hdinsight.mdx │ │ │ ├── 10-cloud-environment-data-migration.mdx │ │ │ ├── 11-cloud-service-performance-tuning.mdx │ │ │ ├── 12-cloud-environment-security-configuration.mdx │ │ │ ├── 13-elastic-scaling-management.mdx │ │ │ ├── 2-hive-on-google-dataproc.mdx │ │ │ ├── 3-hive-on-alibaba-cloud-e-mapreduce.mdx │ │ │ ├── 4-hive-on-tencent-cloud-emr.mdx │ │ │ ├── 5-hive-on-huawei-cloud-mrs.mdx │ │ │ ├── 6-cloud-native-hive-service.mdx │ │ │ ├── 7-cloud-service-cost-optimization.mdx │ │ │ ├── 8-hybrid-cloud-deployment.mdx │ │ │ ├── 9-multi-cloud-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-hive-best-practices │ │ │ ├── 0-hive-coding-standards.mdx │ │ │ ├── 1-naming-conventions.mdx │ │ │ ├── 10-version-control.mdx │ │ │ ├── 11-common-pitfalls-and-how-to-avoid-them.mdx │ │ │ ├── 12-production-environment-tuning-suggestions.mdx │ │ │ ├── 13-hive-application-architecture-mode.mdx │ │ │ ├── 2-partition-design-strategy.mdx │ │ │ ├── 3-table-design-guidelines.mdx │ │ │ ├── 4-query-optimization-guidelines.mdx │ │ │ ├── 5-resource-usage-suggestions.mdx │ │ │ ├── 6-development-workflow.mdx │ │ │ ├── 7-testing-strategy.mdx │ │ │ ├── 8-data-quality-assurance.mdx │ │ │ ├── 9-document-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-hive-ddl-operation │ │ │ ├── 0-database-creation-and-management.mdx │ │ │ ├── 1-detailed-explanation-of-table-creation-syntax.mdx │ │ │ ├── 10-metadata-management.mdx │ │ │ ├── 11-permission-and-security-management.mdx │ │ │ ├── 12-best-practices-for-ddl-operations.mdx │ │ │ ├── 13-schema-design-strategy.mdx │ │ │ ├── 2-table-modification-operations.mdx │ │ │ ├── 3-partition-management.mdx │ │ │ ├── 4-index-creation-and-management.mdx │ │ │ ├── 5-constraint-settings.mdx │ │ │ ├── 6-table-deletion-and-truncation.mdx │ │ │ ├── 7-view-operations.mdx │ │ │ ├── 8-function-creation-and-management.mdx │ │ │ ├── 9-macro-definition.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-hive-dml-operation │ │ │ ├── 0-overview-of-data-loading-methods.mdx │ │ │ ├── 1-load-data-command.mdx │ │ │ ├── 10-data-import-and-export-formats.mdx │ │ │ ├── 11-dynamic-partition-insert.mdx │ │ │ ├── 12-multi-table-insert.mdx │ │ │ ├── 13-best-practices-for-etl-operations.mdx │ │ │ ├── 2-detailed-explanation-of-insert-statement.mdx │ │ │ ├── 3-update-operation.mdx │ │ │ ├── 4-delete-operation.mdx │ │ │ ├── 5-merge-operation.mdx │ │ │ ├── 6-transaction-support.mdx │ │ │ ├── 7-batch-data-processing.mdx │ │ │ ├── 8-data-export-command.mdx │ │ │ ├── 9-insert-data-from-query-results.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-hiveql-query-language │ │ │ ├── 0-select-statement-basics.mdx │ │ │ ├── 1-column-operations-and-expressions.mdx │ │ │ ├── 10-subqueries.mdx │ │ │ ├── 11-common-built-in-functions.mdx │ │ │ ├── 12-case-when-expressions.mdx │ │ │ ├── 13-null-value-handling.mdx │ │ │ ├── 2-where-condition-filtering.mdx │ │ │ ├── 3-group-by.mdx │ │ │ ├── 4-having-clause.mdx │ │ │ ├── 5-order-by.mdx │ │ │ ├── 6-sort-by-and-distribute-by.mdx │ │ │ ├── 7-cluster-by-usage.mdx │ │ │ ├── 8-limit-the-result-set-limit.mdx │ │ │ ├── 9-union-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-hive-table-connection │ │ │ ├── 0-inner-join.mdx │ │ │ ├── 1-outer-join-left-right-full-outer-join.mdx │ │ │ ├── 10-smb-joinsort-merge-bucket-join.mdx │ │ │ ├── 11-tuning-of-join-operations.mdx │ │ │ ├── 12-troubleshooting-common-connection-issues.mdx │ │ │ ├── 13-best-practices-for-using-connections.mdx │ │ │ ├── 2-semi-join.mdx │ │ │ ├── 3-cartesian-product-cross-join.mdx │ │ │ ├── 4-map-join-optimization.mdx │ │ │ ├── 5-self-join.mdx │ │ │ ├── 6-multi-table-join.mdx │ │ │ ├── 7-distributed-execution-of-connections.mdx │ │ │ ├── 8-connection-optimization-technology.mdx │ │ │ ├── 9-large-table-and-small-table-connection-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-hive-function │ │ │ ├── 0-mathematical-functions.mdx │ │ │ ├── 1-string-functions.mdx │ │ │ ├── 10-window-functions.mdx │ │ │ ├── 11-user-defined-function-udf.mdx │ │ │ ├── 12-custom-aggregation-function-udaf.mdx │ │ │ ├── 13-custom-table-generation-function-udtf.mdx │ │ │ ├── 2-date-functions.mdx │ │ │ ├── 3-conditional-function.mdx │ │ │ ├── 4-type-conversion-functions.mdx │ │ │ ├── 5-set-functions.mdx │ │ │ ├── 6-json-function.mdx │ │ │ ├── 7-url-function.mdx │ │ │ ├── 8-table-generation-function-lateral-view.mdx │ │ │ ├── 9-aggregate-functions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-hive-performance-optimization │ │ │ ├── 0-execution-plan-analysis.mdx │ │ │ ├── 1-explain-statement-usage.mdx │ │ │ ├── 10-local-mode-execution.mdx │ │ │ ├── 11-strict-mode-configuration.mdx │ │ │ ├── 12-compression-strategy.mdx │ │ │ ├── 13-file-format-selection.mdx │ │ │ ├── 2-partition-pruning.mdx │ │ │ ├── 3-column-trimming.mdx │ │ │ ├── 4-predicate-pushdown.mdx │ │ │ ├── 5-parallel-execution.mdx │ │ │ ├── 6-memory-management-optimization.mdx │ │ │ ├── 7-join-optimization-strategy.mdx │ │ │ ├── 8-group-by-optimization.mdx │ │ │ ├── 9-data-skew-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-hive-advanced-topics │ │ │ ├── 0-hive-storage-processor.mdx │ │ │ ├── 1-dynamic-partitioning-details.mdx │ │ │ ├── 10-hive-metadata-migration.mdx │ │ │ ├── 11-version-upgrade-strategy.mdx │ │ │ ├── 12-hive-and-spark-integration.mdx │ │ │ ├── 13-integration-of-hive-and-hbase.mdx │ │ │ ├── 2-streaming-data-processing.mdx │ │ │ ├── 3-compression-and-encoding.mdx │ │ │ ├── 4-detailed-explanation-of-hiveserver2.mdx │ │ │ ├── 5-beeline-client.mdx │ │ │ ├── 6-security-authentication-and-authorization.mdx │ │ │ ├── 7-hive-permission-management.mdx │ │ │ ├── 8-resource-management-and-quotas.mdx │ │ │ ├── 9-concurrency-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-hive-tuning-and-monitoring │ │ │ ├── 0-hive-performance-evaluation.mdx │ │ │ ├── 1-resource-allocation-tuning.mdx │ │ │ ├── 10-performance-bottleneck-location.mdx │ │ │ ├── 11-slow-query-optimization.mdx │ │ │ ├── 12-resource-contention-handling.mdx │ │ │ ├── 13-cluster-monitoring.mdx │ │ │ ├── 2-mapreduce-parameter-tuning.mdx │ │ │ ├── 3-tez-execution-engine-tuning.mdx │ │ │ ├── 4-spark-execution-engine-tuning.mdx │ │ │ ├── 5-query-rewrite-technology.mdx │ │ │ ├── 6-statistics-collection.mdx │ │ │ ├── 7-task-monitoring-tools.mdx │ │ │ ├── 8-log-analysis.mdx │ │ │ ├── 9-troubleshooting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── mysql │ │ ├── 0-mysql-foundation │ │ │ ├── 0-introduction-to-mysql.mdx │ │ │ ├── 1-mysql-history-and-characteristics.mdx │ │ │ ├── 10-mysql-version-view.mdx │ │ │ ├── 11-mysql-help-command.mdx │ │ │ ├── 12-mysql-character-set-settings.mdx │ │ │ ├── 13-mysql-connection-parameters.mdx │ │ │ ├── 2-mysql-environment-construction.mdx │ │ │ ├── 3-mysql-installation-configuration.mdx │ │ │ ├── 4-mysql-client-tools.mdx │ │ │ ├── 5-starting-and-stopping-the-mysql-service.mdx │ │ │ ├── 6-mysql-basic-commands.mdx │ │ │ ├── 7-mysql-database-creation.mdx │ │ │ ├── 8-mysql-database-deletion.mdx │ │ │ ├── 9-mysql-database-selection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-mysql-data-type │ │ │ ├── 0-overview-of-mysql-data-types.mdx │ │ │ ├── 1-mysql-integer-type.mdx │ │ │ ├── 10-mysql-boolean.mdx │ │ │ ├── 11-mysql-spatial-data-type.mdx │ │ │ ├── 12-mysql-json-type.mdx │ │ │ ├── 13-mysql-data-type-selection.mdx │ │ │ ├── 2-mysql-float-type.mdx │ │ │ ├── 3-mysql-fixed-point-type.mdx │ │ │ ├── 4-mysql-string-type.mdx │ │ │ ├── 5-mysql-text-type.mdx │ │ │ ├── 6-mysql-binary-type.mdx │ │ │ ├── 7-mysql-datetime-type.mdx │ │ │ ├── 8-mysql-enum-type.mdx │ │ │ ├── 9-mysql-collection-type.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-mysql-trigger │ │ │ ├── 0-mysql-trigger-overview.mdx │ │ │ ├── 1-mysql-create-trigger.mdx │ │ │ ├── 10-mysql-trigger-limit.mdx │ │ │ ├── 11-mysql-trigger-security.mdx │ │ │ ├── 12-mysql-trigger-best-practices.mdx │ │ │ ├── 13-mysql-trigger-debugging.mdx │ │ │ ├── 2-mysql-view-trigger.mdx │ │ │ ├── 3-mysql-delete-trigger.mdx │ │ │ ├── 4-mysql-trigger-time-point.mdx │ │ │ ├── 5-mysql-trigger-event.mdx │ │ │ ├── 6-mysql-trigger-order.mdx │ │ │ ├── 7-mysql-old-new-reference.mdx │ │ │ ├── 8-mysql-statement-level-trigger.mdx │ │ │ ├── 9-mysql-line-level-trigger.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-mysql-functions-and-procedures │ │ │ ├── 0-mysql-custom-functions.mdx │ │ │ ├── 1-mysql-create-function.mdx │ │ │ ├── 10-mysql-function-recursion.mdx │ │ │ ├── 11-mysql-function-performance.mdx │ │ │ ├── 12-mysql-function-security-settings.mdx │ │ │ ├── 13-mysql-function-best-practices.mdx │ │ │ ├── 2-mysql-call-function.mdx │ │ │ ├── 3-mysql-view-function.mdx │ │ │ ├── 4-mysql-delete-function.mdx │ │ │ ├── 5-difference-between-mysql-function-and-stored-procedure.mdx │ │ │ ├── 6-mysql-function-return-value.mdx │ │ │ ├── 7-mysql-function-parameters.mdx │ │ │ ├── 8-mysql-function-variable.mdx │ │ │ ├── 9-mysql-function-condition-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-mysql-transactions-locks │ │ │ ├── 0-mysql-transaction-overview.mdx │ │ │ ├── 1-mysql-transaction-properties.mdx │ │ │ ├── 10-mysql-line-lock.mdx │ │ │ ├── 11-mysql-watch-lock.mdx │ │ │ ├── 12-mysql-gap-lock.mdx │ │ │ ├── 13-mysql-deadlock-handling.mdx │ │ │ ├── 2-mysql-transaction-isolation-level.mdx │ │ │ ├── 3-mysql-start-transaction.mdx │ │ │ ├── 4-mysql-commit-transaction.mdx │ │ │ ├── 5-mysql-rollback-transaction.mdx │ │ │ ├── 6-mysql-savepoint.mdx │ │ │ ├── 7-overview-of-mysql-locks.mdx │ │ │ ├── 8-mysql-shared-lock.mdx │ │ │ ├── 9-mysql-exclusive-lock.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-mysql-security-management │ │ │ ├── 0-mysql-user-management.mdx │ │ │ ├── 1-mysql-create-user.mdx │ │ │ ├── 10-mysql-log-audit.mdx │ │ │ ├── 11-mysql-security-best-practices.mdx │ │ │ ├── 12-mysql-attack-prevention.mdx │ │ │ ├── 13-mysql-backup-strategy.mdx │ │ │ ├── 2-mysql-user-permissions.mdx │ │ │ ├── 3-mysql-authorization-command.mdx │ │ │ ├── 4-mysql-revocation-permissions.mdx │ │ │ ├── 5-mysql-password-management.mdx │ │ │ ├── 6-mysql-role-management.mdx │ │ │ ├── 7-mysql-secure-connection.mdx │ │ │ ├── 8-mysql-encryption-function.mdx │ │ │ ├── 9-mysql-firewall-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-mysql-performance-optimization │ │ │ ├── 0-mysql-performance-optimization-overview.mdx │ │ │ ├── 1-mysql-query-optimization.mdx │ │ │ ├── 10-mysql-performance-monitoring.mdx │ │ │ ├── 11-mysql-server-parameter-tuning.mdx │ │ │ ├── 12-mysql-memory-optimization.mdx │ │ │ ├── 13-mysql-disk-io-optimization.mdx │ │ │ ├── 2-mysql-index-optimization.mdx │ │ │ ├── 3-mysql-table-design-optimization.mdx │ │ │ ├── 4-mysql-configuration-optimization.mdx │ │ │ ├── 5-mysql-cache-optimization.mdx │ │ │ ├── 6-mysql-storage-engine-selection.mdx │ │ │ ├── 7-mysql-partition-optimization.mdx │ │ │ ├── 8-mysql-execution-plan.mdx │ │ │ ├── 9-mysql-slow-query-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-mysql-replication-and-clustering │ │ │ ├── 0-mysql-replication-overview.mdx │ │ │ ├── 1-mysql-master-slave-copy.mdx │ │ │ ├── 10-mysql-multi-source-replication.mdx │ │ │ ├── 11-mysql-read-write-separation.mdx │ │ │ ├── 12-mysql-high-availability-plan.mdx │ │ │ ├── 13-mysql-load-balancing.mdx │ │ │ ├── 2-mysql-replication-type.mdx │ │ │ ├── 3-mysql-replication-configuration.mdx │ │ │ ├── 4-mysql-replication-monitoring.mdx │ │ │ ├── 5-mysql-replication-failure-handling.mdx │ │ │ ├── 6-mysql-group-replication.mdx │ │ │ ├── 7-mysql-cluster-overview.mdx │ │ │ ├── 8-mysql-ndb-cluster.mdx │ │ │ ├── 9-mysql-innodb-cluster.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-mysql-backup-recovery │ │ │ ├── 0-mysql-backup-overview.mdx │ │ │ ├── 1-mysql-logical-backup.mdx │ │ │ ├── 10-mysql-crash-recovery.mdx │ │ │ ├── 11-mysql-backup-strategy.mdx │ │ │ ├── 12-mysql-backup-verification.mdx │ │ │ ├── 13-mysql-recovery-walkthrough.mdx │ │ │ ├── 2-mysql-physical-backup.mdx │ │ │ ├── 3-mysql-hot-backup.mdx │ │ │ ├── 4-mysql-cold-backup.mdx │ │ │ ├── 5-mysql-incremental-backup.mdx │ │ │ ├── 6-mysql-binary-log.mdx │ │ │ ├── 7-mysql-backup-tool.mdx │ │ │ ├── 8-mysql-data-recovery-overview.mdx │ │ │ ├── 9-mysql-point-in-time-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-using-the-mysql-tool │ │ │ ├── 0-mysql-command-line-tool.mdx │ │ │ ├── 1-mysql-client-tools.mdx │ │ │ ├── 10-mysql-import-and-export-tool.mdx │ │ │ ├── 11-mysql-monitoring-tool.mdx │ │ │ ├── 12-mysql-performance-analysis-tool.mdx │ │ │ ├── 13-mysql-integrated-development-environment.mdx │ │ │ ├── 2-mysql-workbench.mdx │ │ │ ├── 3-mysql-administrator.mdx │ │ │ ├── 4-mysql-query-browser.mdx │ │ │ ├── 5-mysql-migration-toolkit.mdx │ │ │ ├── 6-mysql-utilities.mdx │ │ │ ├── 7-mysql-shell.mdx │ │ │ ├── 8-mysql-router.mdx │ │ │ ├── 9-mysql-connector.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-mysql-and-app-development │ │ │ ├── 0-mysql-to-php-connection.mdx │ │ │ ├── 1-mysql-connects-to-java.mdx │ │ │ ├── 10-mysql-application-performance-optimization.mdx │ │ │ ├── 11-mysql-high-concurrency-processing.mdx │ │ │ ├── 12-mysql-big-data-processing.mdx │ │ │ ├── 13-mysql-application-best-practices.mdx │ │ │ ├── 2-mysql-connects-to-python.mdx │ │ │ ├── 3-mysql-connects-to-nodejs.mdx │ │ │ ├── 4-mysql-to-net-connection.mdx │ │ │ ├── 5-mysql-and-orm-frameworks.mdx │ │ │ ├── 6-mysql-preprocessing-statement.mdx │ │ │ ├── 7-mysql-parameter-binding.mdx │ │ │ ├── 8-mysql-anti-sql-injection.mdx │ │ │ ├── 9-mysql-connection-pool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-mysql-advanced-features │ │ │ ├── 0-mysql-full-text-retrieval.mdx │ │ │ ├── 1-mysql-geographic-information-processing.mdx │ │ │ ├── 10-mysql-memory-sheet.mdx │ │ │ ├── 11-mysql-external-table.mdx │ │ │ ├── 12-mysql-plugin-development.mdx │ │ │ ├── 13-mysql-custom-storage-engine.mdx │ │ │ ├── 2-mysql-xml-support.mdx │ │ │ ├── 3-mysql-json-support.mdx │ │ │ ├── 4-mysql-partition-table.mdx │ │ │ ├── 5-mysql-temporary-table.mdx │ │ │ ├── 6-mysql-virtual-columns.mdx │ │ │ ├── 7-mysql-generate-columns.mdx │ │ │ ├── 8-mysql-window-function.mdx │ │ │ ├── 9-mysql-common-table-expression.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-mysql-table-actions │ │ │ ├── 0-mysql-create-table.mdx │ │ │ ├── 1-mysql-view-table-structure.mdx │ │ │ ├── 10-mysql-tablespace.mdx │ │ │ ├── 11-mysql-table-maintenance.mdx │ │ │ ├── 12-view-mysql-table-status.mdx │ │ │ ├── 13-defragment-mysql-table.mdx │ │ │ ├── 2-mysql-modify-table.mdx │ │ │ ├── 3-mysql-delete-table.mdx │ │ │ ├── 4-mysql-rename-table.mdx │ │ │ ├── 5-mysql-replication-table.mdx │ │ │ ├── 6-mysql-temporary-table.mdx │ │ │ ├── 7-mysql-table-comments.mdx │ │ │ ├── 8-mysql-storage-engine.mdx │ │ │ ├── 9-mysql-table-partition.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-mysql-versioning-features │ │ │ ├── 0-mysql-57-new-features.mdx │ │ │ ├── 1-mysql-80-new-features.mdx │ │ │ ├── 10-mysql-80-data-dictionary.mdx │ │ │ ├── 11-mysql-80-role-support.mdx │ │ │ ├── 12-mysql-80-performance-enhancements.mdx │ │ │ ├── 13-future-direction-of-mysql.mdx │ │ │ ├── 2-mysql-80-security-enhancements.mdx │ │ │ ├── 3-mysql-80json-enhancement.mdx │ │ │ ├── 4-mysql-80-window-function.mdx │ │ │ ├── 5-mysql-80utf8mb4-support.mdx │ │ │ ├── 6-mysql-80-atomic-ddl.mdx │ │ │ ├── 7-mysql-80-invisible-index.mdx │ │ │ ├── 8-mysql-80-resource-group.mdx │ │ │ ├── 9-mysql-80-descending-index.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-mysql-data-manipulation │ │ │ ├── 0-mysql-data-insertion.mdx │ │ │ ├── 1-mysql-data-query.mdx │ │ │ ├── 10-mysql-implicit-submission.mdx │ │ │ ├── 11-mysql-data-import.mdx │ │ │ ├── 12-mysql-data-export.mdx │ │ │ ├── 13-mysql-data-backup-recovery.mdx │ │ │ ├── 2-mysql-data-update.mdx │ │ │ ├── 3-mysql-data-deletion.mdx │ │ │ ├── 4-mysql-bulk-actions.mdx │ │ │ ├── 5-mysql-transaction.mdx │ │ │ ├── 6-mysql-lock-mechanism.mdx │ │ │ ├── 7-mysql-savepoint.mdx │ │ │ ├── 8-mysql-autocommit.mdx │ │ │ ├── 9-mysql-rollback-action.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-mysql-query-language │ │ │ ├── 0-mysql-select-statement.mdx │ │ │ ├── 1-mysql-where-clause.mdx │ │ │ ├── 10-mysql-any-all-operator.mdx │ │ │ ├── 11-mysql-case-expression.mdx │ │ │ ├── 12-mysql-conditional-query.mdx │ │ │ ├── 13-mysql-operator-priority.mdx │ │ │ ├── 2-mysql-and-or-operator.mdx │ │ │ ├── 3-mysql-order-by-clause.mdx │ │ │ ├── 4-mysql-group-by-clause.mdx │ │ │ ├── 5-mysql-having-clause.mdx │ │ │ ├── 6-mysql-limit-clause.mdx │ │ │ ├── 7-mysql-union-query.mdx │ │ │ ├── 8-mysql-subquery.mdx │ │ │ ├── 9-mysql-exists-operator.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-mysql-advanced-query │ │ │ ├── 0-mysql-connection-query.mdx │ │ │ ├── 1-connect-within-mysql.mdx │ │ │ ├── 10-mysql-derived-table.mdx │ │ │ ├── 11-mysql-universal-table-expression.mdx │ │ │ ├── 12-mysql-recursive-query.mdx │ │ │ ├── 13-mysql-analysis-function.mdx │ │ │ ├── 2-mysql-external-connection.mdx │ │ │ ├── 3-mysql-left-connection.mdx │ │ │ ├── 4-mysql-right-connection.mdx │ │ │ ├── 5-mysql-full-connection.mdx │ │ │ ├── 6-mysql-natural-connection.mdx │ │ │ ├── 7-mysql-cross-connect.mdx │ │ │ ├── 8-mysql-self-connect.mdx │ │ │ ├── 9-mysql-nested-queries.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-mysql-function │ │ │ ├── 0-overview-of-the-mysql-function.mdx │ │ │ ├── 1-mysql-string-function.mdx │ │ │ ├── 10-mysql-json-function.mdx │ │ │ ├── 11-mysql-geofunction.mdx │ │ │ ├── 12-mysql-regular-expression-function.mdx │ │ │ ├── 13-conversion-function-of-type-mysql.mdx │ │ │ ├── 2-mysql-numeric-function.mdx │ │ │ ├── 3-mysql-datetime-function.mdx │ │ │ ├── 4-mysql-aggregate-function.mdx │ │ │ ├── 5-mysql-window-function.mdx │ │ │ ├── 6-mysql-conditional-function.mdx │ │ │ ├── 7-mysql-flow-control-function.mdx │ │ │ ├── 8-mysql-encryption-function.mdx │ │ │ ├── 9-mysql-information-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-mysql-index │ │ │ ├── 0-mysql-index-overview.mdx │ │ │ ├── 1-mysql-index-type.mdx │ │ │ ├── 10-mysql-override-index.mdx │ │ │ ├── 11-mysql-index-optimization.mdx │ │ │ ├── 12-mysql-index-failure.mdx │ │ │ ├── 13-mysql-index-monitoring.mdx │ │ │ ├── 2-mysql-create-index.mdx │ │ │ ├── 3-mysql-view-index.mdx │ │ │ ├── 4-mysql-delete-index.mdx │ │ │ ├── 5-mysql-unique-index.mdx │ │ │ ├── 6-mysql-composite-index.mdx │ │ │ ├── 7-mysql-full-text-index.mdx │ │ │ ├── 8-mysql-spatial-index.mdx │ │ │ ├── 9-mysql-prefix-index.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-mysql-view │ │ │ ├── 0-mysql-view-overview.mdx │ │ │ ├── 1-mysql-create-view.mdx │ │ │ ├── 10-mysql-view-performance.mdx │ │ │ ├── 11-mysql-view-limit.mdx │ │ │ ├── 12-mysql-view-best-practices.mdx │ │ │ ├── 13-mysql-materialization-view.mdx │ │ │ ├── 2-mysql-view-view.mdx │ │ │ ├── 3-mysql-modify-view.mdx │ │ │ ├── 4-mysql-delete-view.mdx │ │ │ ├── 5-mysql-update-view.mdx │ │ │ ├── 6-mysql-with-check-option.mdx │ │ │ ├── 7-mysql-updateable-view.mdx │ │ │ ├── 8-mysql-algorithm-options.mdx │ │ │ ├── 9-mysql-view-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-mysql-stored-procedure │ │ │ ├── 0-overview-of-mysql-stored-procedures.mdx │ │ │ ├── 1-mysql-create-stored-procedure.mdx │ │ │ ├── 10-mysql-stored-procedure-cursor.mdx │ │ │ ├── 11-mysql-stored-procedure-exception-handling.mdx │ │ │ ├── 12-mysql-stored-procedure-recursion.mdx │ │ │ ├── 13-mysql-stored-procedure-debugging.mdx │ │ │ ├── 2-mysql-call-stored-procedure.mdx │ │ │ ├── 3-mysql-view-stored-procedures.mdx │ │ │ ├── 4-mysql-modifying-stored-procedures.mdx │ │ │ ├── 5-mysql-delete-stored-procedure.mdx │ │ │ ├── 6-mysql-input-parameters.mdx │ │ │ ├── 7-mysql-output-parameters.mdx │ │ │ ├── 8-mysql-stored-procedure-variable.mdx │ │ │ ├── 9-mysql-stored-process-flow-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── postgresql │ │ ├── 0-postgresql-foundation │ │ │ ├── 0-introduction-to-postgresql.mdx │ │ │ ├── 1-postgresql-history.mdx │ │ │ ├── 10-postgresql-database-creation.mdx │ │ │ ├── 11-postgresql-database-connection.mdx │ │ │ ├── 12-postgresql-version-features.mdx │ │ │ ├── 13-postgresql-system-architecture.mdx │ │ │ ├── 2-postgresql-characteristics.mdx │ │ │ ├── 3-postgresql-installation.mdx │ │ │ ├── 4-postgresql-environment-configuration.mdx │ │ │ ├── 5-postgresql-tool.mdx │ │ │ ├── 6-postgresql-command-line.mdx │ │ │ ├── 7-postgresql-graphical-interface.mdx │ │ │ ├── 8-postgresql-client-tool.mdx │ │ │ ├── 9-postgresql-service-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-postgresql-data-type │ │ │ ├── 0-postgresql-number-type.mdx │ │ │ ├── 1-postgresql-character-type.mdx │ │ │ ├── 10-postgresql-compound-type.mdx │ │ │ ├── 11-postgresql-scope-type.mdx │ │ │ ├── 12-postgresql-domain-type.mdx │ │ │ ├── 13-postgresql-custom-type.mdx │ │ │ ├── 2-postgresql-datetime.mdx │ │ │ ├── 3-postgresql-boolean.mdx │ │ │ ├── 4-postgresql-enum-type.mdx │ │ │ ├── 5-postgresql-geometry-type.mdx │ │ │ ├── 6-postgresql-network-address.mdx │ │ │ ├── 7-postgresql-json-type.mdx │ │ │ ├── 8-postgresql-xml-type.mdx │ │ │ ├── 9-postgresql-array.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-postgresql-advanced-features │ │ │ ├── 0-postgresql-inheritance.mdx │ │ │ ├── 1-postgresql-partition.mdx │ │ │ ├── 10-postgresql-multi-version-concurrency-control.mdx │ │ │ ├── 11-postgresql-extension.mdx │ │ │ ├── 12-postgresql-notification-system.mdx │ │ │ ├── 13-postgresql-listening-mechanism.mdx │ │ │ ├── 2-postgresql-parallel-query.mdx │ │ │ ├── 3-postgresql-logical-replication.mdx │ │ │ ├── 4-postgresql-stream-replication.mdx │ │ │ ├── 5-postgresql-hot-standby.mdx │ │ │ ├── 6-postgresql-connection-pool.mdx │ │ │ ├── 7-postgresql-external-data-wrapper.mdx │ │ │ ├── 8-postgresql-full-text-search.mdx │ │ │ ├── 9-postgresql-geoinformation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-postgresql-performance-optimization │ │ │ ├── 0-postgresql-query-optimization.mdx │ │ │ ├── 1-postgresql-index-optimization.mdx │ │ │ ├── 10-postgresql-tablespace-optimization.mdx │ │ │ ├── 11-postgresql-concurrency-optimization.mdx │ │ │ ├── 12-postgresql-load-balancing.mdx │ │ │ ├── 13-postgresql-performance-test.mdx │ │ │ ├── 2-postgresql-configuration-optimization.mdx │ │ │ ├── 3-postgresql-memory-optimization.mdx │ │ │ ├── 4-postgresql-disk-optimization.mdx │ │ │ ├── 5-postgresql-connection-optimization.mdx │ │ │ ├── 6-postgresql-statistics.mdx │ │ │ ├── 7-postgresql-query-plan.mdx │ │ │ ├── 8-postgresql-cache-management.mdx │ │ │ ├── 9-postgresql-garbage-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-postgresql-extension-and-ecology │ │ │ ├── 0-postgresql-extension-system.mdx │ │ │ ├── 1-postgresql-postgis.mdx │ │ │ ├── 10-postgresql-barman.mdx │ │ │ ├── 11-postgresql-wal-g.mdx │ │ │ ├── 12-postgresql-integrated-development-environment.mdx │ │ │ ├── 13-postgresql-cloud-service.mdx │ │ │ ├── 2-postgresql-timescaledb.mdx │ │ │ ├── 3-postgresql-citus.mdx │ │ │ ├── 4-postgresql-pgadmin.mdx │ │ │ ├── 5-postgresql-pgbadger.mdx │ │ │ ├── 6-postgresql-pg_repack.mdx │ │ │ ├── 7-postgresql-pgbouncer.mdx │ │ │ ├── 8-postgresql-pgpool-ii.mdx │ │ │ ├── 9-postgresql-patroni.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-postgresql-scenario │ │ │ ├── 0-postgresql-relational-storage.mdx │ │ │ ├── 1-postgresql-document-storage.mdx │ │ │ ├── 10-postgresql-high-concurrency-application.mdx │ │ │ ├── 11-postgresql-content-management.mdx │ │ │ ├── 12-postgresql-game-database.mdx │ │ │ ├── 13-postgresql-enterprise-app.mdx │ │ │ ├── 2-postgresql-geographic-information-system.mdx │ │ │ ├── 3-postgresql-timing-data.mdx │ │ │ ├── 4-postgresql-data-warehouse.mdx │ │ │ ├── 5-postgresql-analysis-system.mdx │ │ │ ├── 6-postgresql-multi-tenant-application.mdx │ │ │ ├── 7-postgresql-internet-of-things-applications.mdx │ │ │ ├── 8-postgresql-event-traceability.mdx │ │ │ ├── 9-postgresql-microservice-data.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-postgresql-with-other-databases │ │ │ ├── 0-postgresql-vs-mysql.mdx │ │ │ ├── 1-postgresql-vs-oracle.mdx │ │ │ ├── 10-postgresql-vs-elasticsearch.mdx │ │ │ ├── 11-postgresql-hybrid-architecture.mdx │ │ │ ├── 12-postgresql-database-migration.mdx │ │ │ ├── 13-postgresql-heterogeneous-data-synchronization.mdx │ │ │ ├── 2-postgresql-vs-sql-server.mdx │ │ │ ├── 3-postgresql-vs-mongodb.mdx │ │ │ ├── 4-postgresql-vs-redis.mdx │ │ │ ├── 5-postgresql-vs-mariadb.mdx │ │ │ ├── 6-postgresql-vs-sqlite.mdx │ │ │ ├── 7-postgresql-vs-db2.mdx │ │ │ ├── 8-postgresql-vs-cassandra.mdx │ │ │ ├── 9-postgresql-vs-influxdb.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-postgresql-best-practices │ │ │ ├── 0-postgresql-design-specification.mdx │ │ │ ├── 1-postgresql-naming-convention.mdx │ │ │ ├── 10-postgresql-cloud-native-app.mdx │ │ │ ├── 11-postgresql-code-review.mdx │ │ │ ├── 12-postgresql-common-pitfalls.mdx │ │ │ ├── 13-postgresql-problem-diagnosis.mdx │ │ │ ├── 2-postgresql-development-process.mdx │ │ │ ├── 3-postgresql-test-method.mdx │ │ │ ├── 4-postgresql-deployment-strategy.mdx │ │ │ ├── 5-postgresql-monitoring-alarm.mdx │ │ │ ├── 6-postgresql-disaster-recovery-plan.mdx │ │ │ ├── 7-postgresql-security-hardening.mdx │ │ │ ├── 8-postgresql-escalation-flow.mdx │ │ │ ├── 9-postgresql-containerization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-postgresql-table-operations │ │ │ ├── 0-postgresql-create-table.mdx │ │ │ ├── 1-postgresql-modification-table.mdx │ │ │ ├── 10-postgresql-materialization-view.mdx │ │ │ ├── 11-postgresql-external-table.mdx │ │ │ ├── 12-postgresql-table-comments.mdx │ │ │ ├── 13-postgresql-system-table.mdx │ │ │ ├── 2-postgresql-delete-table.mdx │ │ │ ├── 3-postgresql-temporary-table.mdx │ │ │ ├── 4-postgresql-table-inheritance.mdx │ │ │ ├── 5-postgresql-partition-table.mdx │ │ │ ├── 6-postgresql-tablespace.mdx │ │ │ ├── 7-postgresql-mode.mdx │ │ │ ├── 8-postgresql-sequence.mdx │ │ │ ├── 9-postgresql-view.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-postgresql-data-manipulation │ │ │ ├── 0-postgresql-insert-data.mdx │ │ │ ├── 1-postgresql-query-data.mdx │ │ │ ├── 10-postgresql-data-import.mdx │ │ │ ├── 11-postgresql-data-export.mdx │ │ │ ├── 12-postgresql-data-replication.mdx │ │ │ ├── 13-postgresql-large-object.mdx │ │ │ ├── 2-postgresql-update-data.mdx │ │ │ ├── 3-postgresql-delete-data.mdx │ │ │ ├── 4-postgresql-bulk-actions.mdx │ │ │ ├── 5-postgresql-transaction-management.mdx │ │ │ ├── 6-postgresql-lock-mechanism.mdx │ │ │ ├── 7-postgresql-concurrency-control.mdx │ │ │ ├── 8-postgresql-mvcc-mechanism.mdx │ │ │ ├── 9-postgresql-deadlock-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-postgresql-query-language │ │ │ ├── 0-postgresql-select-foundation.mdx │ │ │ ├── 1-postgresql-where-condition.mdx │ │ │ ├── 10-postgresql-recursive-query.mdx │ │ │ ├── 11-postgresql-conditional-expression.mdx │ │ │ ├── 12-postgresql-pivot.mdx │ │ │ ├── 13-postgresql-query-optimization.mdx │ │ │ ├── 2-postgresql-sort.mdx │ │ │ ├── 3-postgresql-grouping.mdx │ │ │ ├── 4-postgresql-aggregate-function.mdx │ │ │ ├── 5-postgresql-subquery.mdx │ │ │ ├── 6-postgresql-join.mdx │ │ │ ├── 7-postgresql-collection-action.mdx │ │ │ ├── 8-postgresql-window-function.mdx │ │ │ ├── 9-postgresql-public-expression.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-postgresql-functions-and-operators │ │ │ ├── 0-postgresql-arithmetic-operator.mdx │ │ │ ├── 1-postgresql-comparison-operator.mdx │ │ │ ├── 10-postgresql-json-function.mdx │ │ │ ├── 11-postgresql-array-function.mdx │ │ │ ├── 12-postgresql-range-function.mdx │ │ │ ├── 13-postgresql-system-functions.mdx │ │ │ ├── 2-postgresql-logical-operator.mdx │ │ │ ├── 3-postgresql-string-function.mdx │ │ │ ├── 4-postgresql-mathematical-functions.mdx │ │ │ ├── 5-postgresql-date-function.mdx │ │ │ ├── 6-postgresql-conditional-function.mdx │ │ │ ├── 7-postgresql-type-conversion.mdx │ │ │ ├── 8-postgresql-aggregate-function.mdx │ │ │ ├── 9-postgresql-window-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-postgresql-constraint │ │ │ ├── 0-postgresql-primary-key-constraint.mdx │ │ │ ├── 1-postgresql-foreign-key-constraint.mdx │ │ │ ├── 10-postgresql-constraint-delay.mdx │ │ │ ├── 11-postgresql-constraint-validation.mdx │ │ │ ├── 12-postgresql-constraint-naming.mdx │ │ │ ├── 13-postgresql-system-constraints.mdx │ │ │ ├── 2-postgresql-unique-constraint.mdx │ │ │ ├── 3-postgresql-check-constraints.mdx │ │ │ ├── 4-postgresql-non-empty-constraint.mdx │ │ │ ├── 5-postgresql-exclusive-constraint.mdx │ │ │ ├── 6-postgresql-default.mdx │ │ │ ├── 7-postgresql-generate-columns.mdx │ │ │ ├── 8-postgresql-trigger-constraint.mdx │ │ │ ├── 9-postgresql-constraint-inheritance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-postgresql-index │ │ │ ├── 0-postgresql-index-base.mdx │ │ │ ├── 1-postgresql-b-tree-index.mdx │ │ │ ├── 10-postgresql-unique-index.mdx │ │ │ ├── 11-postgresql-index-scan.mdx │ │ │ ├── 12-postgresql-index-maintenance.mdx │ │ │ ├── 13-postgresql-index-statistics.mdx │ │ │ ├── 2-postgresql-hash-index.mdx │ │ │ ├── 3-postgresql-gist-index.mdx │ │ │ ├── 4-postgresql-sp-gist-index.mdx │ │ │ ├── 5-postgresql-gin-index.mdx │ │ │ ├── 6-postgresql-brin-index.mdx │ │ │ ├── 7-postgresql-multi-column-index.mdx │ │ │ ├── 8-postgresql-expression-index.mdx │ │ │ ├── 9-postgresql-partial-index.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-postgresql-programming-interface │ │ │ ├── 0-postgresql-sql.mdx │ │ │ ├── 1-postgresql-plpgsql.mdx │ │ │ ├── 10-postgresql-event-trigger.mdx │ │ │ ├── 11-postgresql-rule-system.mdx │ │ │ ├── 12-postgresql-dynamic-sql.mdx │ │ │ ├── 13-postgresql-extension-language.mdx │ │ │ ├── 2-postgresql-plpython.mdx │ │ │ ├── 3-postgresql-plperl.mdx │ │ │ ├── 4-postgresql-pltcl.mdx │ │ │ ├── 5-postgresql-pljava.mdx │ │ │ ├── 6-postgresql-plr.mdx │ │ │ ├── 7-postgresql-stored-procedure.mdx │ │ │ ├── 8-postgresql-function.mdx │ │ │ ├── 9-postgresql-trigger.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-postgresql-management-and-maintenance │ │ │ ├── 0-postgresql-user-management.mdx │ │ │ ├── 1-postgresql-role-management.mdx │ │ │ ├── 10-postgresql-cluster-management.mdx │ │ │ ├── 11-postgresql-resource-management.mdx │ │ │ ├── 12-postgresql-security-policy.mdx │ │ │ ├── 13-troubleshooting-postgresql.mdx │ │ │ ├── 2-postgresql-permission-system.mdx │ │ │ ├── 3-postgresql-configuration-management.mdx │ │ │ ├── 4-postgresql-log-management.mdx │ │ │ ├── 5-postgresql-backup-restore.mdx │ │ │ ├── 6-postgresql-data-migration.mdx │ │ │ ├── 7-postgresql-performance-monitoring.mdx │ │ │ ├── 8-postgresql-service-maintenance.mdx │ │ │ ├── 9-postgresql-version-upgrade.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── sql │ │ ├── 0-sql-base │ │ ├── 0-introduction-to-sql.mdx │ │ ├── 1-sql-history-development.mdx │ │ ├── 10-sql-operator.mdx │ │ ├── 11-overview-of-sql-functions.mdx │ │ ├── 12-sql-tool-selection.mdx │ │ ├── 13-sql-style-specification.mdx │ │ ├── 2-sql-standard-version.mdx │ │ ├── 3-sql-environment-settings.mdx │ │ ├── 4-sql-syntax-rules.mdx │ │ ├── 5-sql-annotation.mdx │ │ ├── 6-sql-data-type.mdx │ │ ├── 7-sql-base-command.mdx │ │ ├── 8-sql-statement-structure.mdx │ │ ├── 9-sql-keywords.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-sql-data-definition │ │ ├── 0-sql-create-database.mdx │ │ ├── 1-sql-select-database.mdx │ │ ├── 10-sql-modify-table.mdx │ │ ├── 11-sql-delete-table.mdx │ │ ├── 12-sql-truncation-table.mdx │ │ ├── 13-sql-temporary-table.mdx │ │ ├── 2-sql-create-table.mdx │ │ ├── 3-detailed-explanation-of-the-sql-data-type.mdx │ │ ├── 4-sql-primary-key.mdx │ │ ├── 5-sql-foreign-key.mdx │ │ ├── 6-sql-constraints.mdx │ │ ├── 7-sql-non-empty-constraint.mdx │ │ ├── 8-sql-unique-constraints.mdx │ │ ├── 9-sql-default.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-sql-transaction-management │ │ ├── 0-sql-transaction-concept.mdx │ │ ├── 1-sql-transaction-properties.mdx │ │ ├── 10-sql-serializable.mdx │ │ ├── 11-sql-deadlock-handling.mdx │ │ ├── 12-sql-transaction-log.mdx │ │ ├── 13-sql-transaction-best-practices.mdx │ │ ├── 2-sql-transaction-start.mdx │ │ ├── 3-sql-transaction-submission.mdx │ │ ├── 4-sql-transaction-rollback.mdx │ │ ├── 5-sql-savepoint.mdx │ │ ├── 6-sql-transaction-isolation-level.mdx │ │ ├── 7-sql-read-not-submitted.mdx │ │ ├── 8-sql-read-submitted.mdx │ │ ├── 9-sql-repeatable.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-sql-views │ │ ├── 0-sql-view-concepts.mdx │ │ ├── 1-sql-create-view.mdx │ │ ├── 10-sql-view-security.mdx │ │ ├── 11-sql-view-scenarios.mdx │ │ ├── 12-sql-view-nesting.mdx │ │ ├── 13-sql-view-best-practices.mdx │ │ ├── 2-sql-query-view.mdx │ │ ├── 3-sql-modify-view.mdx │ │ ├── 4-sql-delete-view.mdx │ │ ├── 5-sql-materialization-view.mdx │ │ ├── 6-sql-update-view.mdx │ │ ├── 7-sql-view-limitations.mdx │ │ ├── 8-sql-view-index.mdx │ │ ├── 9-sql-view-performance.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-sql-stored-procedure │ │ ├── 0-sql-stored-procedure-concepts.mdx │ │ ├── 1-sql-create-stored-procedure.mdx │ │ ├── 10-sql-error-handling.mdx │ │ ├── 11-sql-cursor-operation.mdx │ │ ├── 12-sql-dynamic-sql.mdx │ │ ├── 13-sql-stored-procedure-security.mdx │ │ ├── 2-sql-execute-stored-procedure.mdx │ │ ├── 3-sql-modify-stored-procedure.mdx │ │ ├── 4-sql-delete-stored-procedure.mdx │ │ ├── 5-sql-parameter-passing.mdx │ │ ├── 6-sql-input-parameters.mdx │ │ ├── 7-sql-output-parameters.mdx │ │ ├── 8-sql-conditional-statement.mdx │ │ ├── 9-sql-loop-statement.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-sql-trigger │ │ ├── 0-sql-trigger-concept.mdx │ │ ├── 1-sql-create-trigger.mdx │ │ ├── 10-sql-delete-trigger.mdx │ │ ├── 11-sql-trigger-debugging.mdx │ │ ├── 12-sql-trigger-limit.mdx │ │ ├── 13-sql-trigger-best-practices.mdx │ │ ├── 2-sql-trigger-type.mdx │ │ ├── 3-sql-line-level-trigger.mdx │ │ ├── 4-sql-statement-level-trigger.mdx │ │ ├── 5-sql-before-trigger.mdx │ │ ├── 6-sql-after-trigger.mdx │ │ ├── 7-sql-instead-of-trigger.mdx │ │ ├── 8-sql-trigger-condition.mdx │ │ ├── 9-sql-modify-trigger.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-sql-function │ │ ├── 0-overview-of-sql-functions.mdx │ │ ├── 1-sql-built-in-functions.mdx │ │ ├── 10-sql-table-valued-function.mdx │ │ ├── 11-sql-function-parameters.mdx │ │ ├── 12-sql-recursive-function.mdx │ │ ├── 13-sql-function-performance.mdx │ │ ├── 2-sql-string-function.mdx │ │ ├── 3-sql-numeric-function.mdx │ │ ├── 4-sql-date-function.mdx │ │ ├── 5-sql-conversion-function.mdx │ │ ├── 6-detailed-explanation-of-the-sql-aggregation-function.mdx │ │ ├── 7-detailed-explanation-of-the-sql-window-function.mdx │ │ ├── 8-sql-custom-functions.mdx │ │ ├── 9-sql-scalar-function.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-sql-security │ │ ├── 0-sql-security-overview.mdx │ │ ├── 1-sql-user-management.mdx │ │ ├── 10-sql-backup-strategy.mdx │ │ ├── 11-sql-recovery-strategy.mdx │ │ ├── 12-sql-authentication.mdx │ │ ├── 13-sql-security-best-practices.mdx │ │ ├── 2-sql-role-management.mdx │ │ ├── 3-sql-permission-assignment.mdx │ │ ├── 4-sql-revocation-permissions.mdx │ │ ├── 5-sql-permission-view.mdx │ │ ├── 6-sql-data-encryption.mdx │ │ ├── 7-g-id1gg-id2-sql-injectiong.mdx │ │ ├── 8-sql-injection-defense.mdx │ │ ├── 9-sql-audit.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-sql-database-design │ │ ├── 0-sql-design-principles.mdx │ │ ├── 1-sql-requirements-analysis.mdx │ │ ├── 10-sql-data-integrity.mdx │ │ ├── 11-sql-relationship-design.mdx │ │ ├── 12-sql-index-design.mdx │ │ ├── 13-sql-partition-design.mdx │ │ ├── 2-sql-conceptual-model.mdx │ │ ├── 3-sql-logic-model.mdx │ │ ├── 4-sql-physical-model.mdx │ │ ├── 5-sql-paradigm-theory.mdx │ │ ├── 6-sql-first-paradigm.mdx │ │ ├── 7-sql-second-paradigm.mdx │ │ ├── 8-sql-third-paradigm.mdx │ │ ├── 9-sql-anti-paradigm-design.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-sql-advanced-features │ │ ├── 0-sql-json-operation.mdx │ │ ├── 1-sql-xml-operation.mdx │ │ ├── 10-sql-metadata-query.mdx │ │ ├── 11-sql-system-table.mdx │ │ ├── 12-sql-dynamic-sql-advanced.mdx │ │ ├── 13-sql-cross-library-query.mdx │ │ ├── 2-sql-full-text-retrieval.mdx │ │ ├── 3-sql-spatial-data.mdx │ │ ├── 4-sql-hierarchy-query.mdx │ │ ├── 5-sql-recursive-query-details.mdx │ │ ├── 6-sql-analytics.mdx │ │ ├── 7-sql-table-partition.mdx │ │ ├── 8-sql-table-compression.mdx │ │ ├── 9-sql-temporary-table-advanced-usage.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-sql-data-query │ │ ├── 0-sql-select-statement.mdx │ │ ├── 1-sql-query-syntax.mdx │ │ ├── 10-sql-in-operator.mdx │ │ ├── 11-sql-between-operator.mdx │ │ ├── 12-sql-is-null-operator.mdx │ │ ├── 13-sql-wildcard-query.mdx │ │ ├── 2-sql-column-selection.mdx │ │ ├── 3-sql-field-alias.mdx │ │ ├── 4-sql-distinct-keyword.mdx │ │ ├── 5-sql-condition-query.mdx │ │ ├── 6-sql-where-clause.mdx │ │ ├── 7-sql-and-with-or.mdx │ │ ├── 8-sql-comparison-operator.mdx │ │ ├── 9-sql-logical-operators.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-sql-data-sorting │ │ ├── 0-sql-order-by-clause.mdx │ │ ├── 1-sort-sql-ascending.mdx │ │ ├── 10-sql-custom-ordering.mdx │ │ ├── 11-sort-after-sql-grouping.mdx │ │ ├── 12-sql-sort-limit.mdx │ │ ├── 13-sql-sorting-best-practices.mdx │ │ ├── 2-sort-sql-descending.mdx │ │ ├── 3-sql-multi-field-sorting.mdx │ │ ├── 4-sql-null-sort.mdx │ │ ├── 5-sorting-sql-expressions.mdx │ │ ├── 6-sql-random-ordering.mdx │ │ ├── 7-sql-sort-optimization.mdx │ │ ├── 8-sql-character-set-sorting.mdx │ │ ├── 9-sql-case-sensitive-sorting.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-sql-data-filtering │ │ ├── 0-sql-filtration-basics.mdx │ │ ├── 1-sql-comparison-operator.mdx │ │ ├── 10-sql-subquery-filtering.mdx │ │ ├── 11-sql-dynamic-filtering.mdx │ │ ├── 12-sql-filter-null-value.mdx │ │ ├── 13-sql-filtration-performance-optimization.mdx │ │ ├── 2-sql-logical-operators.mdx │ │ ├── 3-sql-priority-rules.mdx │ │ ├── 4-detailed-explanation-of-the-sql-in-operator.mdx │ │ ├── 5-sql-not-in-operator.mdx │ │ ├── 6-explanation-of-sql-wildcards.mdx │ │ ├── 7-sql-like-operator.mdx │ │ ├── 8-sql-regular-expression.mdx │ │ ├── 9-sql-compound-condition-filtering.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-sql-data-manipulation │ │ ├── 0-sql-insert-statement.mdx │ │ ├── 1-sql-single-line-insertion.mdx │ │ ├── 10-sql-truncate-table-operation.mdx │ │ ├── 11-sql-bulk-actions.mdx │ │ ├── 12-sql-transaction-security.mdx │ │ ├── 13-error-handling-for-sql-operations.mdx │ │ ├── 2-sql-multi-line-insertion.mdx │ │ ├── 3-sql-insert-query-results.mdx │ │ ├── 4-sql-update-statement.mdx │ │ ├── 5-sql-form-update.mdx │ │ ├── 6-sql-multi-table-update.mdx │ │ ├── 7-sql-condition-update.mdx │ │ ├── 8-sql-delete-statement.mdx │ │ ├── 9-sqlconditiondeletion.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-sql-aggregate-function │ │ ├── 0-overview-of-sql-aggregate-functions.mdx │ │ ├── 1-sql-count-function.mdx │ │ ├── 10-sql-group-calculation.mdx │ │ ├── 11-basics-of-sql-window-functions.mdx │ │ ├── 12-sql-aggregate-function-nesting.mdx │ │ ├── 13-sql-aggregate-function-performance.mdx │ │ ├── 2-sql-sum-function.mdx │ │ ├── 3-sql-avg-function.mdx │ │ ├── 4-sql-max-function.mdx │ │ ├── 5-sql-min-function.mdx │ │ ├── 6-sql-distinct-with-aggregation.mdx │ │ ├── 7-sql-group-by-clause.mdx │ │ ├── 8-sql-having-clause.mdx │ │ ├── 9-sql-where-with-having.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-sql-table-connection │ │ ├── 0-overview-of-sql-connectivity.mdx │ │ ├── 1-sql-inner-connection.mdx │ │ ├── 10-sql-using-keyword.mdx │ │ ├── 11-sql-connection-condition-optimization.mdx │ │ ├── 12-sql-connection-order.mdx │ │ ├── 13-sql-connection-performance-optimization.mdx │ │ ├── 2-sql-external-connection.mdx │ │ ├── 3-sql-left-outer-connection.mdx │ │ ├── 4-sql-right-outer-connection.mdx │ │ ├── 5-sql-full-external-connection.mdx │ │ ├── 6-sql-cross-connect.mdx │ │ ├── 7-sql-self-connect.mdx │ │ ├── 8-sql-multi-table-connection.mdx │ │ ├── 9-sql-natural-connection.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-sql-advanced-query │ │ ├── 0-sql-subquery.mdx │ │ ├── 1-sql-related-subqueries.mdx │ │ ├── 10-sql-recursive-query.mdx │ │ ├── 11-sql-complex-query-decomposition.mdx │ │ ├── 12-sql-query-override.mdx │ │ ├── 13-sql-analysis-function.mdx │ │ ├── 2-sql-irrelevant-subquery.mdx │ │ ├── 3-sql-exists-operator.mdx │ │ ├── 4-sql-any-with-all.mdx │ │ ├── 5-sql-union-operator.mdx │ │ ├── 6-sql-intersect-operator.mdx │ │ ├── 7-sql-except-operator.mdx │ │ ├── 8-sql-public-expression.mdx │ │ ├── 9-sql-with-clause.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-sql-indexing-and-performance │ │ ├── 0-sql-indexing-concept.mdx │ │ ├── 1-sql-create-index.mdx │ │ ├── 10-sql-query-optimization.mdx │ │ ├── 11-sql-execution-plan.mdx │ │ ├── 12-sql-statistics.mdx │ │ ├── 13-sql-indexing-best-practices.mdx │ │ ├── 2-sql-unique-index.mdx │ │ ├── 3-sql-composite-index.mdx │ │ ├── 4-sql-view-index.mdx │ │ ├── 5-sql-delete-index.mdx │ │ ├── 6-sql-index-selection.mdx │ │ ├── 7-sql-index-maintenance.mdx │ │ ├── 8-sql-query-plan.mdx │ │ ├── 9-sql-performance-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── devops │ ├── docker │ │ ├── 0-docker-foundation │ │ │ ├── 0-introduction-to-docker.mdx │ │ │ ├── 1-docker-architecture.mdx │ │ │ ├── 10-docker-network-foundation.mdx │ │ │ ├── 11-docker-storage-foundation.mdx │ │ │ ├── 12-docker-log-view.mdx │ │ │ ├── 13-common-docker-commands.mdx │ │ │ ├── 2-docker-installation.mdx │ │ │ ├── 3-docker-environment-configuration.mdx │ │ │ ├── 4-docker-first-container.mdx │ │ │ ├── 5-docker-command-line-interface.mdx │ │ │ ├── 6-docker-basic-concepts.mdx │ │ │ ├── 7-docker-images-containers.mdx │ │ │ ├── 8-docker-repository.mdx │ │ │ ├── 9-docker-run-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-docker-image-management │ │ │ ├── 0-docker-image-concept.mdx │ │ │ ├── 1-docker-image-pull.mdx │ │ │ ├── 10-docker-image-repository-management.mdx │ │ │ ├── 11-docker-image-version-control.mdx │ │ │ ├── 12-docker-image-signature-verification.mdx │ │ │ ├── 13-docker-image-build-strategy.mdx │ │ │ ├── 2-docker-image-view.mdx │ │ │ ├── 3-docker-image-history.mdx │ │ │ ├── 4-docker-image-label.mdx │ │ │ ├── 5-docker-image-import-and-export.mdx │ │ │ ├── 6-docker-image-tiering.mdx │ │ │ ├── 7-docker-image-optimization.mdx │ │ │ ├── 8-docker-image-security-scan.mdx │ │ │ ├── 9-docker-image-cleanup.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-docker-cicd-integration │ │ │ ├── 0-docker-and-cicd-overview.mdx │ │ │ ├── 1-docker-integration-with-jenkins.mdx │ │ │ ├── 10-docker-rollback-policy.mdx │ │ │ ├── 11-docker-cicd-best-practices.mdx │ │ │ ├── 12-docker-build-cache-policy.mdx │ │ │ ├── 13-docker-image-push-policy.mdx │ │ │ ├── 2-docker-integration-with-gitlab-ci.mdx │ │ │ ├── 3-docker-integration-with-github-actions.mdx │ │ │ ├── 4-docker-automation-testing.mdx │ │ │ ├── 5-docker-automation-build.mdx │ │ │ ├── 6-docker-automation-deployment.mdx │ │ │ ├── 7-docker-continuous-delivery-process.mdx │ │ │ ├── 8-docker-blue-green-deployment.mdx │ │ │ ├── 9-docker-canary-release.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-docker-premium-theme │ │ │ ├── 0-docker-multi-architecture-image.mdx │ │ │ ├── 1-principle-of-underlying-implementation-of-docker.mdx │ │ │ ├── 10-docker-runtime-customization.mdx │ │ │ ├── 11-docker-advanced-network-configuration.mdx │ │ │ ├── 12-docker-and-microservices-architecture.mdx │ │ │ ├── 13-docker-containerized-legacy-apps.mdx │ │ │ ├── 2-docker-api-use.mdx │ │ │ ├── 3-docker-remote-management.mdx │ │ │ ├── 4-docker-vs-kubernetes.mdx │ │ │ ├── 5-docker-plugin-system.mdx │ │ │ ├── 6-docker-extension-development.mdx │ │ │ ├── 7-docker-container-orchestration.mdx │ │ │ ├── 8-docker-and-cloud-native-technologies.mdx │ │ │ ├── 9-docker-image-reduction-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-docker-production-environment │ │ │ ├── 0-overview-of-the-docker-production-environment.mdx │ │ │ ├── 1-docker-containerization-strategy.mdx │ │ │ ├── 10-docker-production-environment-safety.mdx │ │ │ ├── 11-emergency-response-to-a-docker-failure.mdx │ │ │ ├── 12-docker-containerization-best-practices.mdx │ │ │ ├── 13-selection-of-docker-technology-stacks.mdx │ │ │ ├── 2-docker-app-migration.mdx │ │ │ ├── 3-docker-resource-planning.mdx │ │ │ ├── 4-docker-high-availability-deployment.mdx │ │ │ ├── 5-docker-disaster-recovery-strategy.mdx │ │ │ ├── 6-docker-performance-tuning.mdx │ │ │ ├── 7-docker-upgrade-strategy.mdx │ │ │ ├── 8-docker-patch-management.mdx │ │ │ ├── 9-docker-container-layout-selection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-docker-scenarios │ │ │ ├── 0-docker-development-environment.mdx │ │ │ ├── 1-docker-test-environment.mdx │ │ │ ├── 10-docker-and-blockchain.mdx │ │ │ ├── 11-docker-multi-tenant-environment.mdx │ │ │ ├── 12-docker-hybrid-cloud-deployment.mdx │ │ │ ├── 13-docker-case-study.mdx │ │ │ ├── 2-docker-microservices-deployment.mdx │ │ │ ├── 3-docker-database-containerization.mdx │ │ │ ├── 4-docker-web-application-deployment.mdx │ │ │ ├── 5-docker-continuous-integration-environment.mdx │ │ │ ├── 6-docker-edge-computing.mdx │ │ │ ├── 7-docker-internet-of-things-applications.mdx │ │ │ ├── 8-docker-machine-learning-environment.mdx │ │ │ ├── 9-docker-and-big-data.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-docker-ecosystem │ │ │ ├── 0-docker-ecosystem-overview.mdx │ │ │ ├── 1-docker-and-kubernetes.mdx │ │ │ ├── 10-docker-community-resources.mdx │ │ │ ├── 11-docker-certification.mdx │ │ │ ├── 12-docker-training-and-learning-resources.mdx │ │ │ ├── 13-docker-future-trends.mdx │ │ │ ├── 2-docker-vs-podman.mdx │ │ │ ├── 3-docker-and-containerd.mdx │ │ │ ├── 4-docker-and-the-open-container-initiative.mdx │ │ │ ├── 5-docker-enterprise-features.mdx │ │ │ ├── 6-docker-desktop.mdx │ │ │ ├── 7-docker-hub.mdx │ │ │ ├── 8-docker-trusted-registry.mdx │ │ │ ├── 9-docker-extension-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-troubleshooting-docker │ │ │ ├── 0-docker-troubleshooting-methodology.mdx │ │ │ ├── 1-docker-common-error-analysis.mdx │ │ │ ├── 10-docker-system-resource-issues.mdx │ │ │ ├── 11-troubleshooting-docker-dependencies.mdx │ │ │ ├── 12-docker-cluster-troubleshooting.mdx │ │ │ ├── 13-docker-issue-escalation-process.mdx │ │ │ ├── 2-docker-startup-failure-troubleshooting.mdx │ │ │ ├── 3-troubleshooting-your-docker-network.mdx │ │ │ ├── 4-troubleshooting-docker-storage.mdx │ │ │ ├── 5-docker-performance-issue-diagnostics.mdx │ │ │ ├── 6-troubleshooting-docker-image-issues.mdx │ │ │ ├── 7-docker-security-troubleshooting.mdx │ │ │ ├── 8-docker-log-analysis-tips.mdx │ │ │ ├── 9-using-the-docker-debugging-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-docker-container-operations │ │ │ ├── 0-docker-container-creation.mdx │ │ │ ├── 1-docker-container-start-stop.mdx │ │ │ ├── 10-docker-container-auto-recovery.mdx │ │ │ ├── 11-docker-container-backup-restore.mdx │ │ │ ├── 12-docker-container-debugging-tips.mdx │ │ │ ├── 13-docker-container-security-hardening.mdx │ │ │ ├── 2-docker-container-entry.mdx │ │ │ ├── 3-docker-container-state-management.mdx │ │ │ ├── 4-docker-container-resource-limit.mdx │ │ │ ├── 5-docker-container-port-mapping.mdx │ │ │ ├── 6-docker-container-logs.mdx │ │ │ ├── 7-docker-container-monitoring.mdx │ │ │ ├── 8-docker-container-health-check.mdx │ │ │ ├── 9-docker-container-restart-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-written-by-dockerfile │ │ │ ├── 0-docker-dockerfile-foundation.mdx │ │ │ ├── 1-docker-from-directive.mdx │ │ │ ├── 10-docker-multistage-build.mdx │ │ │ ├── 11-docker-build-cache-utilization.mdx │ │ │ ├── 12-docker-build-context.mdx │ │ │ ├── 13-docker-build-best-practices.mdx │ │ │ ├── 2-docker-run-directive.mdx │ │ │ ├── 3-docker-copy-and-add-directives.mdx │ │ │ ├── 4-docker-workdir-directive.mdx │ │ │ ├── 5-docker-env-and-arg-directives.mdx │ │ │ ├── 6-docker-expose-directive.mdx │ │ │ ├── 7-docker-volume-directive.mdx │ │ │ ├── 8-docker-user-command.mdx │ │ │ ├── 9-docker-entrypoint-and-cmd-directives.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-docker-network │ │ │ ├── 0-docker-network-model.mdx │ │ │ ├── 1-docker-default-network-type.mdx │ │ │ ├── 10-troubleshooting-your-docker-network.mdx │ │ │ ├── 11-docker-network-performance-optimization.mdx │ │ │ ├── 12-docker-and-service-discovery.mdx │ │ │ ├── 13-docker-container-network-monitoring.mdx │ │ │ ├── 2-docker-network-creation.mdx │ │ │ ├── 3-docker-container-interconnect.mdx │ │ │ ├── 4-docker-port-mapping.mdx │ │ │ ├── 5-docker-network-dns.mdx │ │ │ ├── 6-docker-web-namespace.mdx │ │ │ ├── 7-docker-network-driver.mdx │ │ │ ├── 8-docker-cross-host-network.mdx │ │ │ ├── 9-docker-cybersecurity.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-docker-storage │ │ │ ├── 0-docker-storage-model.mdx │ │ │ ├── 1-docker-data-volumes.mdx │ │ │ ├── 10-docker-volume-management.mdx │ │ │ ├── 11-docker-storage-cleanup.mdx │ │ │ ├── 12-docker-and-distributed-storage.mdx │ │ │ ├── 13-docker-storage-best-practices.mdx │ │ │ ├── 2-docker-binding-mount.mdx │ │ │ ├── 3-docker-temporary-file-system.mdx │ │ │ ├── 4-docker-storage-driver.mdx │ │ │ ├── 5-docker-data-volume-backup-recovery.mdx │ │ │ ├── 6-docker-data-sharing.mdx │ │ │ ├── 7-docker-storage-performance.mdx │ │ │ ├── 8-docker-data-persistence-strategy.mdx │ │ │ ├── 9-docker-storage-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-docker-compose │ │ │ ├── 0-introduction-to-docker-compose.mdx │ │ │ ├── 1-docker-compose-installation.mdx │ │ │ ├── 10-docker-compose-health-check.mdx │ │ │ ├── 11-docker-compose-multi-environment-support.mdx │ │ │ ├── 12-docker-compose-version-differences.mdx │ │ │ ├── 13-docker-compose-best-practices.mdx │ │ │ ├── 2-docker-compose-file-structure.mdx │ │ │ ├── 3-docker-compose-service-definition.mdx │ │ │ ├── 4-docker-compose-network.mdx │ │ │ ├── 5-docker-compose-volume-management.mdx │ │ │ ├── 6-docker-compose-environment-variable.mdx │ │ │ ├── 7-docker-compose-command-line.mdx │ │ │ ├── 8-docker-compose-extension-service.mdx │ │ │ ├── 9-docker-compose-dependency-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-docker-swarm │ │ │ ├── 0-introduction-to-docker-swarm.mdx │ │ │ ├── 1-docker-swarm-architecture.mdx │ │ │ ├── 10-docker-swarm-rolling-update.mdx │ │ │ ├── 11-docker-swarm-fault-tolerance-mechanism.mdx │ │ │ ├── 12-docker-swarm-security-settings.mdx │ │ │ ├── 13-docker-swarm-monitoring-management.mdx │ │ │ ├── 2-docker-swarm-cluster-creation.mdx │ │ │ ├── 3-docker-swarm-node-management.mdx │ │ │ ├── 4-docker-swarm-service-deployment.mdx │ │ │ ├── 5-docker-swarm-service-scaling.mdx │ │ │ ├── 6-docker-swarm-service-discovery.mdx │ │ │ ├── 7-docker-swarm-load-balancing.mdx │ │ │ ├── 8-docker-swarm-network.mdx │ │ │ ├── 9-docker-swarm-storage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-docker-security │ │ │ ├── 0-docker-security-overview.mdx │ │ │ ├── 1-docker-default-security-mechanism.mdx │ │ │ ├── 10-docker-security-scan-tool.mdx │ │ │ ├── 11-docker-container-escape-prevention.mdx │ │ │ ├── 12-docker-security-audit.mdx │ │ │ ├── 13-docker-security-best-practices.mdx │ │ │ ├── 2-docker-privileged-container.mdx │ │ │ ├── 3-docker-container-isolation.mdx │ │ │ ├── 4-docker-linux-security-module.mdx │ │ │ ├── 5-docker-seccomp-configuration.mdx │ │ │ ├── 6-docker-cybersecurity.mdx │ │ │ ├── 7-docker-image-security.mdx │ │ │ ├── 8-docker-runtime-security.mdx │ │ │ ├── 9-docker-security-benchmark.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-docker-monitoring-and-logging │ │ │ ├── 0-docker-monitoring-overview.mdx │ │ │ ├── 1-docker-resource-usage-monitoring.mdx │ │ │ ├── 10-docker-debugging-tips.mdx │ │ │ ├── 11-docker-visual-monitoring.mdx │ │ │ ├── 12-docker-monitoring-automation.mdx │ │ │ ├── 13-docker-monitoring-best-practices.mdx │ │ │ ├── 2-docker-container-health-monitoring.mdx │ │ │ ├── 3-docker-performance-metrics-collection.mdx │ │ │ ├── 4-docker-monitoring-tool.mdx │ │ │ ├── 5-docker-log-collection-method.mdx │ │ │ ├── 6-docker-log-driver.mdx │ │ │ ├── 7-docker-centralized-logging.mdx │ │ │ ├── 8-docker-monitoring-alarm-settings.mdx │ │ │ ├── 9-troubleshooting-docker.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── git │ │ ├── 0-git-base │ │ │ ├── 0-introduction-to-git.mdx │ │ │ ├── 1-git-installation-configuration.mdx │ │ │ ├── 10-git-version-control-concepts.mdx │ │ │ ├── 11-git-vs-svn.mdx │ │ │ ├── 12-git-environment-variables.mdx │ │ │ ├── 13-git-initial-setup.mdx │ │ │ ├── 2-how-git-works.mdx │ │ │ ├── 3-git-repository-creation.mdx │ │ │ ├── 4-git-file-status.mdx │ │ │ ├── 5-git-command-line-basics.mdx │ │ │ ├── 6-git-gui-tools.mdx │ │ │ ├── 7-git-help-documentation.mdx │ │ │ ├── 8-git-glossary.mdx │ │ │ ├── 9-git-faq.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-basic-git-operations │ │ │ ├── 0-git-initialization-repository.mdx │ │ │ ├── 1-git-add-files.mdx │ │ │ ├── 10-git-command-shortcuts.mdx │ │ │ ├── 11-git-basic-workflow.mdx │ │ │ ├── 12-compare-git-files.mdx │ │ │ ├── 13-git-tips.mdx │ │ │ ├── 2-git-commit-changes.mdx │ │ │ ├── 3-git-view-status.mdx │ │ │ ├── 4-git-view-history.mdx │ │ │ ├── 5-git-ignore-file.mdx │ │ │ ├── 6-git-undo-changes.mdx │ │ │ ├── 7-git-reset-modification.mdx │ │ │ ├── 8-git-tag-management.mdx │ │ │ ├── 9-git-alias-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-git-troubleshooting │ │ │ ├── 0-common-git-errors.mdx │ │ │ ├── 1-git-conflict-resolution.mdx │ │ │ ├── 10-git-cleanup-maintenance.mdx │ │ │ ├── 11-git-repository-repair.mdx │ │ │ ├── 12-git-log-analysis.mdx │ │ │ ├── 13-git-problem-diagnostic-tool.mdx │ │ │ ├── 2-git-performance-issue.mdx │ │ │ ├── 3-git-network-issues.mdx │ │ │ ├── 4-git-permissions-issue.mdx │ │ │ ├── 5-git-data-recovery.mdx │ │ │ ├── 6-git-commit-bug-fixes.mdx │ │ │ ├── 7-git-branch-questions.mdx │ │ │ ├── 8-git-merge-questions.mdx │ │ │ ├── 9-git-hook-failure.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-git-extensions-and-plugins │ │ │ ├── 0-overview-of-git-extensions.mdx │ │ │ ├── 1-git-client-extension.mdx │ │ │ ├── 10-git-backup-tool.mdx │ │ │ ├── 11-git-automation-tool.mdx │ │ │ ├── 12-git-plugin-development.mdx │ │ │ ├── 13-git-extension-best-practices.mdx │ │ │ ├── 2-git-server-side-extension.mdx │ │ │ ├── 3-git-hook-extension.mdx │ │ │ ├── 4-git-command-line-extension.mdx │ │ │ ├── 5-git-gui-extension.mdx │ │ │ ├── 6-git-third-party-tools.mdx │ │ │ ├── 7-git-statistical-analysis-tool.mdx │ │ │ ├── 8-git-visualizer.mdx │ │ │ ├── 9-git-migration-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-git-hosting-platform │ │ │ ├── 0-overview-of-the-git-hosting-platform.mdx │ │ │ ├── 1-git-and-github.mdx │ │ │ ├── 10-git-hosting-platform-management.mdx │ │ │ ├── 11-git-hosting-platform-permissions.mdx │ │ │ ├── 12-git-hosting-platform-integration.mdx │ │ │ ├── 13-git-hosting-platform-best-practices.mdx │ │ │ ├── 2-git-and-gitlab.mdx │ │ │ ├── 3-git-and-bitbucket.mdx │ │ │ ├── 4-git-and-gitee.mdx │ │ │ ├── 5-git-and-azure-devops.mdx │ │ │ ├── 6-git-hosting-platform-comparison.mdx │ │ │ ├── 7-git-hosting-platform-selection.mdx │ │ │ ├── 8-git-hosted-platform-migration.mdx │ │ │ ├── 9-git-hosting-platform-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-git-best-practices │ │ │ ├── 0-git-commit-specification.mdx │ │ │ ├── 1-git-branch-naming-convention.mdx │ │ │ ├── 10-git-performance-optimization-practices.mdx │ │ │ ├── 11-git-automation-practices.mdx │ │ │ ├── 12-git-team-collaboration-specification.mdx │ │ │ ├── 13-git-continuous-improvement-strategy.mdx │ │ │ ├── 2-git-commit-information-specification.mdx │ │ │ ├── 3-git-workflow-specification.mdx │ │ │ ├── 4-git-code-review-specification.mdx │ │ │ ├── 5-git-version-control-policy.mdx │ │ │ ├── 6-git-repository-organizational-structure.mdx │ │ │ ├── 7-git-large-project-management.mdx │ │ │ ├── 8-git-monolithic-repository-strategy.mdx │ │ │ ├── 9-git-multi-warehouse-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-git-advanced-topics │ │ │ ├── 0-git-and-large-file-storage.mdx │ │ │ ├── 1-git-lfs.mdx │ │ │ ├── 10-git-and-code-scanning.mdx │ │ │ ├── 11-git-vs-code-coverage.mdx │ │ │ ├── 12-git-and-document-management.mdx │ │ │ ├── 13-git-and-knowledge-base.mdx │ │ │ ├── 2-git-and-binaries.mdx │ │ │ ├── 3-git-and-agile-development.mdx │ │ │ ├── 4-git-and-devops.mdx │ │ │ ├── 5-git-automation-script.mdx │ │ │ ├── 6-git-and-cloud-native.mdx │ │ │ ├── 7-git-and-kubernetes.mdx │ │ │ ├── 8-git-and-microservices.mdx │ │ │ ├── 9-git-and-code-quality.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-git-branch-management │ │ │ ├── 0-git-branch-concept.mdx │ │ │ ├── 1-git-branch-creation.mdx │ │ │ ├── 10-git-variable-operation.mdx │ │ │ ├── 11-git-branch-conflict-resolution.mdx │ │ │ ├── 12-git-branching-best-practices.mdx │ │ │ ├── 13-git-branch-management-tool.mdx │ │ │ ├── 2-git-branch-toggle.mdx │ │ │ ├── 3-git-branch-merge.mdx │ │ │ ├── 4-git-branch-delete.mdx │ │ │ ├── 5-git-branch-renaming.mdx │ │ │ ├── 6-git-branching-strategy.mdx │ │ │ ├── 7-git-branch-workflow.mdx │ │ │ ├── 8-git-remote-branch.mdx │ │ │ ├── 9-git-tracking-branch.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-git-remote-operation │ │ │ ├── 0-git-remote-repository-concept.mdx │ │ │ ├── 1-git-clone-repository.mdx │ │ │ ├── 10-git-sub-module.mdx │ │ │ ├── 11-troubleshooting-git-remote-operations.mdx │ │ │ ├── 12-git-remote-repository-migration.mdx │ │ │ ├── 13-git-remote-repository-backup.mdx │ │ │ ├── 2-git-remote-repository-add.mdx │ │ │ ├── 3-git-push-updates.mdx │ │ │ ├── 4-git-pull-update.mdx │ │ │ ├── 5-git-get-updates.mdx │ │ │ ├── 6-git-remote-branch-management.mdx │ │ │ ├── 7-git-remote-repository-permissions.mdx │ │ │ ├── 8-git-multi-remote-repository.mdx │ │ │ ├── 9-git-remote-repository-synchronization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-git-workflow │ │ │ ├── 0-git-workflow-overview.mdx │ │ │ ├── 1-git-centralized-workflow.mdx │ │ │ ├── 10-git-version-specification.mdx │ │ │ ├── 11-git-project-management.mdx │ │ │ ├── 12-git-teamwork.mdx │ │ │ ├── 13-git-workflow-tool.mdx │ │ │ ├── 2-git-attributes-branching-workflow.mdx │ │ │ ├── 3-git-gitflow-workflow.mdx │ │ │ ├── 4-git-forking-workflow.mdx │ │ │ ├── 5-git-pull-request.mdx │ │ │ ├── 6-git-issue-tracking.mdx │ │ │ ├── 7-git-code-review.mdx │ │ │ ├── 8-git-continuous-integration.mdx │ │ │ ├── 9-git-release-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-git-advanced-operations │ │ │ ├── 0-git-bucket-operation.mdx │ │ │ ├── 1-git-variable-in-depth.mdx │ │ │ ├── 10-git-bare-warehouse.mdx │ │ │ ├── 11-git-object-model.mdx │ │ │ ├── 12-git-reference-specification.mdx │ │ │ ├── 13-git-advanced-merge-strategy.mdx │ │ │ ├── 2-git-interactive-substitution.mdx │ │ │ ├── 3-git-rewrite-history.mdx │ │ │ ├── 4-git-cherry-pick.mdx │ │ │ ├── 5-git-submodule-advanced.mdx │ │ │ ├── 6-git-subtree-operation.mdx │ │ │ ├── 7-git-hook-script.mdx │ │ │ ├── 8-git-binary-lookup.mdx │ │ │ ├── 9-git-patch-submission.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-git-internals │ │ │ ├── 0-git-object-type.mdx │ │ │ ├── 1-git-blob-object.mdx │ │ │ ├── 10-git-internal-commands.mdx │ │ │ ├── 11-git-protocol.mdx │ │ │ ├── 12-git-storage-structure.mdx │ │ │ ├── 13-git-performance-optimization.mdx │ │ │ ├── 2-git-tree-object.mdx │ │ │ ├── 3-git-submission-object.mdx │ │ │ ├── 4-git-tag-object.mdx │ │ │ ├── 5-git-index-file.mdx │ │ │ ├── 6-git-reference-mechanism.mdx │ │ │ ├── 7-git-package-file.mdx │ │ │ ├── 8-git-garbage-collection.mdx │ │ │ ├── 9-git-file-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-git-configuration-management │ │ │ ├── 0-git-configuration-file.mdx │ │ │ ├── 1-git-user-configuration.mdx │ │ │ ├── 10-git-property-configuration.mdx │ │ │ ├── 11-git-ignore-configuration.mdx │ │ │ ├── 12-git-configuration-best-practices.mdx │ │ │ ├── 13-git-configuration-troubleshooting.mdx │ │ │ ├── 2-git-system-configuration.mdx │ │ │ ├── 3-git-repository-configuration.mdx │ │ │ ├── 4-git-alias-configuration.mdx │ │ │ ├── 5-git-color-scheme.mdx │ │ │ ├── 6-git-editor-configuration.mdx │ │ │ ├── 7-git-merge-tool-configuration.mdx │ │ │ ├── 8-git-hook-configuration.mdx │ │ │ ├── 9-git-credential-store.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-git-security-practices │ │ │ ├── 0-git-security-overview.mdx │ │ │ ├── 1-git-access-control.mdx │ │ │ ├── 10-git-permission-model.mdx │ │ │ ├── 11-git-security-best-practices.mdx │ │ │ ├── 12-git-security-tools.mdx │ │ │ ├── 13-git-security-policy.mdx │ │ │ ├── 2-git-sensitive-information-management.mdx │ │ │ ├── 3-git-signature-verification.mdx │ │ │ ├── 4-git-gpg-key.mdx │ │ │ ├── 5-git-authentication.mdx │ │ │ ├── 6-git-credential-management.mdx │ │ │ ├── 7-git-security-scan.mdx │ │ │ ├── 8-git-security-vulnerability.mdx │ │ │ ├── 9-git-security-audit.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-git-integration-tools │ │ │ ├── 0-integration-of-git-and-ide.mdx │ │ │ ├── 1-git-integration-with-vscode.mdx │ │ │ ├── 10-git-integration-with-bitbucket.mdx │ │ │ ├── 11-git-and-code-review-tools.mdx │ │ │ ├── 12-git-and-deployment-tools.mdx │ │ │ ├── 13-git-and-monitoring-tools.mdx │ │ │ ├── 2-git-integration-with-intellij.mdx │ │ │ ├── 3-git-integration-with-eclipse.mdx │ │ │ ├── 4-git-integration-with-cicd.mdx │ │ │ ├── 5-git-integration-with-jenkins.mdx │ │ │ ├── 6-git-integration-with-docker.mdx │ │ │ ├── 7-git-integration-with-jira.mdx │ │ │ ├── 8-git-integration-with-github.mdx │ │ │ ├── 9-git-integration-with-gitlab.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── jenkins │ │ ├── 0-jenkins-foundation │ │ │ ├── 0-introduction-to-jenkins.mdx │ │ │ ├── 1-jenkins-history-and-development.mdx │ │ │ ├── 10-jenkins-plugin-management.mdx │ │ │ ├── 11-jenkins-backup-and-recovery.mdx │ │ │ ├── 12-jenkins-version-upgrade.mdx │ │ │ ├── 13-jenkins-faq-troubleshooting.mdx │ │ │ ├── 2-jenkins-environmental-requirements.mdx │ │ │ ├── 3-jenkins-installation-configuration.mdx │ │ │ ├── 4-introduction-to-the-jenkins-workspace.mdx │ │ │ ├── 5-jenkins-interface-navigation.mdx │ │ │ ├── 6-jenkins-user-management.mdx │ │ │ ├── 7-jenkins-permission-control.mdx │ │ │ ├── 8-jenkins-global-tool-configuration.mdx │ │ │ ├── 9-jenkins-system-settings.mdx │ │ │ ├── _category_.json │ │ │ ├── img │ │ │ │ └── jenkins_logo.png │ │ │ └── index.mdx │ │ ├── 1-jenkins-task-management │ │ │ ├── 0-jenkins-task-type.mdx │ │ │ ├── 1-jenkins-freestyle-project.mdx │ │ │ ├── 10-jenkins-task-link.mdx │ │ │ ├── 11-jenkins-task-template.mdx │ │ │ ├── 12-jenkins-task-clone.mdx │ │ │ ├── 13-jenkins-task-migration.mdx │ │ │ ├── 2-jenkins-pipeline-project.mdx │ │ │ ├── 3-jenkins-multi-configuration-items.mdx │ │ │ ├── 4-jenkins-folder-item.mdx │ │ │ ├── 5-jenkins-task-parameterization.mdx │ │ │ ├── 6-jenkins-task-trigger.mdx │ │ │ ├── 7-jenkins-timed-build.mdx │ │ │ ├── 8-jenkins-remote-trigger.mdx │ │ │ ├── 9-jenkins-poll-scm.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-jenkins-security │ │ │ ├── 0-jenkins-security-policy.mdx │ │ │ ├── 1-jenkins-authentication-mechanism.mdx │ │ │ ├── 10-jenkins-plugin-security.mdx │ │ │ ├── 11-jenkins-security-scan.mdx │ │ │ ├── 12-jenkins-bug-fixes.mdx │ │ │ ├── 13-jenkins-security-best-practices.mdx │ │ │ ├── 2-jenkins-authorization-control.mdx │ │ │ ├── 3-jenkins-ldap-integration.mdx │ │ │ ├── 4-jenkins-single-sign-on.mdx │ │ │ ├── 5-jenkins-audit-log.mdx │ │ │ ├── 6-jenkins-credential-encryption.mdx │ │ │ ├── 7-jenkins-security-configuration.mdx │ │ │ ├── 8-jenkins-csrf-protection.mdx │ │ │ ├── 9-jenkins-api-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-jenkins-advanced-features │ │ │ ├── 0-jenkins-shared-workspace.mdx │ │ │ ├── 1-jenkins-remote-api.mdx │ │ │ ├── 10-jenkins-dashboard-customization.mdx │ │ │ ├── 11-jenkins-scripting-console.mdx │ │ │ ├── 12-jenkins-groovy-script.mdx │ │ │ ├── 13-jenkins-extension-point-development.mdx │ │ │ ├── 2-jenkins-cli-tool.mdx │ │ │ ├── 3-jenkins-distributed-build.mdx │ │ │ ├── 4-jenkins-master-slave-architecture.mdx │ │ │ ├── 5-jenkins-high-availability.mdx │ │ │ ├── 6-jenkins-load-balancing.mdx │ │ │ ├── 7-jenkins-resource-limit.mdx │ │ │ ├── 8-jenkins-label-expression.mdx │ │ │ ├── 9-jenkins-view-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-jenkins-monitoring-and-maintenance │ │ │ ├── 0-jenkins-system-monitoring.mdx │ │ │ ├── 1-jenkins-performance-tuning.mdx │ │ │ ├── 10-troubleshooting-jenkins.mdx │ │ │ ├── 11-jenkins-active-monitoring.mdx │ │ │ ├── 12-jenkins-report-generation.mdx │ │ │ ├── 13-jenkins-system-diagnostics.mdx │ │ │ ├── 2-jenkins-resource-utilization.mdx │ │ │ ├── 3-jenkins-build-statistics.mdx │ │ │ ├── 4-jenkins-alert-settings.mdx │ │ │ ├── 5-jenkins-log-management.mdx │ │ │ ├── 6-jenkins-data-cleansing.mdx │ │ │ ├── 7-jenkins-disk-space-management.mdx │ │ │ ├── 8-jenkins-database-maintenance.mdx │ │ │ ├── 9-jenkins-health-check.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-jenkins-devops-practice │ │ │ ├── 0-jenkins-devops-philosophy.mdx │ │ │ ├── 1-jenkins-continuous-integration.mdx │ │ │ ├── 10-jenkins-automation-case.mdx │ │ │ ├── 11-jenkins-process-optimization.mdx │ │ │ ├── 12-jenkins-agile-integration.mdx │ │ │ ├── 13-jenkins-devops-maturity-assessment.mdx │ │ │ ├── 2-jenkins-continuous-delivery.mdx │ │ │ ├── 3-jenkins-continuous-deployment.mdx │ │ │ ├── 4-jenkins-value-stream-diagram.mdx │ │ │ ├── 5-jenkins-feedback-loop.mdx │ │ │ ├── 6-jenkins-teamwork.mdx │ │ │ ├── 7-jenkins-cross-functional-integration.mdx │ │ │ ├── 8-jenkins-toolchain-integration.mdx │ │ │ ├── 9-jenkins-metrics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-jenkins-enterprise-applications │ │ │ ├── 0-jenkins-multi-team-management.mdx │ │ │ ├── 1-jenkins-enterprise-extension.mdx │ │ │ ├── 10-jenkins-enterprise-plugin-policy.mdx │ │ │ ├── 11-jenkins-cost-optimization.mdx │ │ │ ├── 12-jenkins-resource-planning.mdx │ │ │ ├── 13-jenkins-enterprise-best-practices.mdx │ │ │ ├── 2-jenkins-governance-strategy.mdx │ │ │ ├── 3-jenkins-standardized-configuration.mdx │ │ │ ├── 4-jenkins-compliance-audit.mdx │ │ │ ├── 5-jenkins-change-management.mdx │ │ │ ├── 6-jenkins-disaster-recovery.mdx │ │ │ ├── 7-jenkins-business-continuity.mdx │ │ │ ├── 8-jenkins-service-level-agreement.mdx │ │ │ ├── 9-jenkins-multi-region-deployment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-jenkins-and-cloud-native-cicd │ │ │ ├── 0-jenkins-and-gitops.mdx │ │ │ ├── 1-jenkins-integration-with-tekton.mdx │ │ │ ├── 10-jenkins-cloud-native-transformation.mdx │ │ │ ├── 11-jenkins-serverless-build.mdx │ │ │ ├── 12-jenkins-hybrid-cloud-strategy.mdx │ │ │ ├── 13-jenkins-and-microservices-cicd.mdx │ │ │ ├── 2-jenkins-integration-with-argo-cd.mdx │ │ │ ├── 3-jenkins-integration-with-flux.mdx │ │ │ ├── 4-jenkins-integration-with-istio.mdx │ │ │ ├── 5-jenkins-integration-with-prometheus.mdx │ │ │ ├── 6-jenkins-integration-with-grafana.mdx │ │ │ ├── 7-jenkins-integration-with-jaeger.mdx │ │ │ ├── 8-jenkins-integration-with-knative.mdx │ │ │ ├── 9-introduction-to-jenkins-x.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-jenkins-plugin-development │ │ │ ├── 0-jenkins-plugin-architecture.mdx │ │ │ ├── 1-jenkins-plugin-development-environment.mdx │ │ │ ├── 10-jenkins-plugin-security-review.mdx │ │ │ ├── 11-jenkins-plugin-performance-optimization.mdx │ │ │ ├── 12-jenkins-plugin-documentation.mdx │ │ │ ├── 13-jenkins-community-contributions.mdx │ │ │ ├── 2-jenkins-plugin-project-structure.mdx │ │ │ ├── 3-introduction-to-jenkins-extension-points.mdx │ │ │ ├── 4-jenkins-api-use.mdx │ │ │ ├── 5-jenkins-front-end-development.mdx │ │ │ ├── 6-jenkins-plugin-testing.mdx │ │ │ ├── 7-jenkins-plugin-release.mdx │ │ │ ├── 8-jenkins-plugin-internationalization.mdx │ │ │ ├── 9-jenkins-plugin-compatibility.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-jenkins-best-practices │ │ │ ├── 0-jenkins-project-structure.mdx │ │ │ ├── 1-jenkins-code-management.mdx │ │ │ ├── 10-jenkins-upgrade-strategy.mdx │ │ │ ├── 11-jenkins-training-system.mdx │ │ │ ├── 12-jenkins-common-pitfalls.mdx │ │ │ ├── 13-jenkins-success-story.mdx │ │ │ ├── 2-jenkins-pipeline-design.mdx │ │ │ ├── 3-jenkins-performance-optimization.mdx │ │ │ ├── 4-jenkins-security-hardening.mdx │ │ │ ├── 5-jenkins-extensible-architecture.mdx │ │ │ ├── 6-jenkins-disaster-recovery-plan.mdx │ │ │ ├── 7-jenkins-document-management.mdx │ │ │ ├── 8-jenkins-knowledge-sharing.mdx │ │ │ ├── 9-jenkins-teamwork.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-jenkins-build-environment │ │ │ ├── 0-jenkins-build-tool-integration.mdx │ │ │ ├── 1-jenkins-environment-variable.mdx │ │ │ ├── 10-jenkins-build-timeout-settings.mdx │ │ │ ├── 11-jenkins-proxy-node-configuration.mdx │ │ │ ├── 12-jenkins-node-label.mdx │ │ │ ├── 13-jenkins-environmental-isolation.mdx │ │ │ ├── 2-jenkins-build-steps.mdx │ │ │ ├── 3-jenkins-build-wrapper.mdx │ │ │ ├── 4-jenkins-pre-build-operations.mdx │ │ │ ├── 5-jenkins-post-build-action.mdx │ │ │ ├── 6-jenkins-notification-settings.mdx │ │ │ ├── 7-jenkins-build-history.mdx │ │ │ ├── 8-jenkins-build-tag.mdx │ │ │ ├── 9-jenkins-workspace-cleanup.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-jenkins-version-control-integration │ │ │ ├── 0-jenkins-git-integration.mdx │ │ │ ├── 1-jenkins-svn-integration.mdx │ │ │ ├── 10-jenkins-changeset-detection.mdx │ │ │ ├── 11-jenkins-label-checkout.mdx │ │ │ ├── 12-jenkins-credential-management.mdx │ │ │ ├── 13-jenkins-ssh-key-configuration.mdx │ │ │ ├── 2-jenkins-github-integration.mdx │ │ │ ├── 3-jenkins-gitlab-integration.mdx │ │ │ ├── 4-jenkins-bitbucket-integration.mdx │ │ │ ├── 5-jenkins-code-checkout-strategy.mdx │ │ │ ├── 6-jenkins-submodule-processing.mdx │ │ │ ├── 7-jenkins-branch-management.mdx │ │ │ ├── 8-jenkins-multi-warehouse-management.mdx │ │ │ ├── 9-jenkins-code-merge.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-jenkins-pipeline │ │ │ ├── 0-introduction-to-jenkins-pipeline.mdx │ │ │ ├── 1-jenkins-declarative-pipeline.mdx │ │ │ ├── 10-jenkins-parametric-pipeline.mdx │ │ │ ├── 11-jenkins-pipeline-visualization.mdx │ │ │ ├── 12-jenkins-blueocean-interface.mdx │ │ │ ├── 13-jenkins-pipeline-commissioning.mdx │ │ │ ├── 2-jenkins-scripted-pipeline.mdx │ │ │ ├── 3-jenkins-jenkinsfile.mdx │ │ │ ├── 4-jenkins-multistage-pipeline.mdx │ │ │ ├── 5-jenkins-parallel-execution.mdx │ │ │ ├── 6-jenkins-conditional-execution.mdx │ │ │ ├── 7-jenkins-pipeline-syntax.mdx │ │ │ ├── 8-jenkins-shared-library.mdx │ │ │ ├── 9-jenkins-pipeline-template.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-jenkins-integration-with-testing │ │ │ ├── 0-jenkins-unit-test-integration.mdx │ │ │ ├── 1-jenkins-integration-test.mdx │ │ │ ├── 10-jenkins-test-environment-management.mdx │ │ │ ├── 11-jenkins-test-matrix.mdx │ │ │ ├── 12-analysis-of-jenkins-test-results.mdx │ │ │ ├── 13-jenkins-test-trend-chart.mdx │ │ │ ├── 2-jenkins-test-report.mdx │ │ │ ├── 3-jenkins-code-coverage.mdx │ │ │ ├── 4-jenkins-test-failure-handling.mdx │ │ │ ├── 5-jenkins-parallel-test.mdx │ │ │ ├── 6-jenkins-test-data-management.mdx │ │ │ ├── 7-jenkins-performance-testing.mdx │ │ │ ├── 8-jenkins-security-testing.mdx │ │ │ ├── 9-jenkins-ui-automated-testing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-jenkins-and-code-quality │ │ │ ├── 0-static-analysis-of-jenkins-code.mdx │ │ │ ├── 1-jenkins-sonarqube-integration.mdx │ │ │ ├── 10-jenkins-quality-trend-chart.mdx │ │ │ ├── 11-jenkins-code-review-integration.mdx │ │ │ ├── 12-jenkins-quality-profile.mdx │ │ │ ├── 13-jenkins-quality-notification.mdx │ │ │ ├── 2-jenkins-code-style-check.mdx │ │ │ ├── 3-jenkins-code-complexity-analysis.mdx │ │ │ ├── 4-jenkins-security-vulnerability-scanning.mdx │ │ │ ├── 5-jenkins-dependency-check.mdx │ │ │ ├── 6-jenkins-code-duplication-detection.mdx │ │ │ ├── 7-jenkins-technical-debt-management.mdx │ │ │ ├── 8-jenkins-quality-access.mdx │ │ │ ├── 9-jenkins-quality-report.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-jenkins-containerization-and-cloud-native │ │ │ ├── 0-jenkins-docker-integration.mdx │ │ │ ├── 1-jenkins-container-build.mdx │ │ │ ├── 10-jenkins-helm-integration.mdx │ │ │ ├── 11-jenkins-service-mesh-integration.mdx │ │ │ ├── 12-jenkins-cloud-native-cicd.mdx │ │ │ ├── 13-jenkins-cloud-resource-management.mdx │ │ │ ├── 2-jenkins-kubernetes-integration.mdx │ │ │ ├── 3-jenkins-dynamic-proxy.mdx │ │ │ ├── 4-jenkins-cloud-platform-integration.mdx │ │ │ ├── 5-jenkins-aws-integration.mdx │ │ │ ├── 6-jenkins-azure-integration.mdx │ │ │ ├── 7-jenkins-gcp-integration.mdx │ │ │ ├── 8-jenkins-container-image-management.mdx │ │ │ ├── 9-jenkins-container-orchestration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-jenkins-deployment-and-release │ │ │ ├── 0-jenkins-deployment-strategy.mdx │ │ │ ├── 1-jenkins-environmental-management.mdx │ │ │ ├── 10-jenkins-release-approval.mdx │ │ │ ├── 11-jenkins-deployment-history.mdx │ │ │ ├── 12-jenkins-deployment-monitoring.mdx │ │ │ ├── 13-jenkins-release-log.mdx │ │ │ ├── 2-jenkins-artifact-management.mdx │ │ │ ├── 3-jenkins-publishing-process.mdx │ │ │ ├── 4-jenkins-blue-green-deployment.mdx │ │ │ ├── 5-jenkins-canary-release.mdx │ │ │ ├── 6-jenkins-rolling-update.mdx │ │ │ ├── 7-jenkins-rollback-mechanism.mdx │ │ │ ├── 8-jenkins-environment-configuration-management.mdx │ │ │ ├── 9-jenkins-database-change-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-jenkins-and-configuration-management │ │ │ ├── 0-jenkins-ansible-integration.mdx │ │ │ ├── 1-jenkins-chef-integration.mdx │ │ │ ├── 10-jenkins-environmental-consistency.mdx │ │ │ ├── 11-jenkins-configuration-validation.mdx │ │ │ ├── 12-jenkins-configuration-audit.mdx │ │ │ ├── 13-jenkins-environment-migration.mdx │ │ │ ├── 2-jenkins-puppet-integration.mdx │ │ │ ├── 3-jenkins-terraform-integration.mdx │ │ │ ├── 4-jenkins-configuration-as-code.mdx │ │ │ ├── 5-jenkins-environment-variable-injection.mdx │ │ │ ├── 6-jenkins-profile-template.mdx │ │ │ ├── 7-jenkins-credential-injection.mdx │ │ │ ├── 8-jenkins-sensitive-information-management.mdx │ │ │ ├── 9-jenkins-configuration-version-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── kubernetes │ │ ├── 0-kubernetes-foundation │ │ ├── 0-introduction-to-kubernetes.mdx │ │ ├── 1-kubernetes-history.mdx │ │ ├── 10-kubernetes-workflow.mdx │ │ ├── 11-kubernetes-advantages.mdx │ │ ├── 12-kubernetes-ecosystem.mdx │ │ ├── 13-kubernetes-app-scenario.mdx │ │ ├── 2-kubernetes-architecture.mdx │ │ ├── 3-kubernetes-component.mdx │ │ ├── 4-kubernetes-installation.mdx │ │ ├── 5-kubernetes-environment-settings.mdx │ │ ├── 6-kubernetes-command-line-tool.mdx │ │ ├── 7-kubernetes-dashboard.mdx │ │ ├── 8-kubernetes-basic-concepts.mdx │ │ ├── 9-kubernetes-terminology.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-kubernetes-core-concepts │ │ ├── 0-kubernetes-pod.mdx │ │ ├── 1-kubernetes-node.mdx │ │ ├── 10-kubernetes-configuration.mdx │ │ ├── 11-kubernetes-security.mdx │ │ ├── 12-kubernetes-network.mdx │ │ ├── 13-kubernetes-api.mdx │ │ ├── 2-kubernetes-cluster.mdx │ │ ├── 3-kubernetes-namespace.mdx │ │ ├── 4-kubernetes-tags.mdx │ │ ├── 5-kubernetes-annotations.mdx │ │ ├── 6-kubernetes-selector.mdx │ │ ├── 7-kubernetes-controller.mdx │ │ ├── 8-kubernetes-service.mdx │ │ ├── 9-kubernetes-storage.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-kubernetes-automation │ │ ├── 0-kubernetes-operator-mode.mdx │ │ ├── 1-kubernetes-custom-resources.mdx │ │ ├── 10-kubernetes-canary-deployment.mdx │ │ ├── 11-kubernetes-rollback-strategy.mdx │ │ ├── 12-kubernetes-self-healing-system.mdx │ │ ├── 13-kubernetes-automation-best-practices.mdx │ │ ├── 2-kubernetes-custom-controller.mdx │ │ ├── 3-kubernetes-helm.mdx │ │ ├── 4-kubernetes-helm-chart.mdx │ │ ├── 5-kubernetes-kustomize.mdx │ │ ├── 6-kubernetes-cicd-integration.mdx │ │ ├── 7-kubernetes-gitops.mdx │ │ ├── 8-kubernetes-automatic-deployment.mdx │ │ ├── 9-kubernetes-blue-green-deployment.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-kubernetes-extension │ │ ├── 0-kubernetes-custom-resource-definitions.mdx │ │ ├── 1-kubernetes-extension-api.mdx │ │ ├── 10-kubernetes-scheduler-extension.mdx │ │ ├── 11-kubernetes-custom-metrics.mdx │ │ ├── 12-kubernetes-extension-framework.mdx │ │ ├── 13-kubernetes-ecosystem-integration.mdx │ │ ├── 2-kubernetes-aggregation-layer.mdx │ │ ├── 3-kubernetes-webhook.mdx │ │ ├── 4-kubernetes-service-directory.mdx │ │ ├── 5-kubernetes-api-gateway.mdx │ │ ├── 6-kubernetes-csi.mdx │ │ ├── 7-kubernetes-cni.mdx │ │ ├── 8-kubernetes-cri.mdx │ │ ├── 9-kubernetes-device-plugin.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-kubernetes-multicluster-management │ │ ├── 0-kubernetes-cluster-federation.mdx │ │ ├── 1-kubernetes-multicluster-architecture.mdx │ │ ├── 10-kubernetes-disaster-recovery.mdx │ │ ├── 11-kubernetes-data-consistency.mdx │ │ ├── 12-kubernetes-multicluster-network.mdx │ │ ├── 13-kubernetes-multicluster-security.mdx │ │ ├── 2-kubernetes-inter-cluster-communication.mdx │ │ ├── 3-kubernetes-resource-distribution.mdx │ │ ├── 4-kubernetes-cross-cluster-service.mdx │ │ ├── 5-kubernetes-cluster-lifecycle.mdx │ │ ├── 6-kubernetes-multi-cloud-strategy.mdx │ │ ├── 7-kubernetes-hybrid-cloud-deployment.mdx │ │ ├── 8-kubernetes-centralized-management.mdx │ │ ├── 9-kubernetes-multicluster-monitoring.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-kubernetes-service-grid │ │ ├── 0-kubernetes-service-grid-overview.mdx │ │ ├── 1-kubernetes-istio.mdx │ │ ├── 10-kubernetes-fault-injection.mdx │ │ ├── 11-kubernetes-observability.mdx │ │ ├── 12-kubernetes-security-policy.mdx │ │ ├── 13-kubernetes-service-grid-architecture.mdx │ │ ├── 2-kubernetes-envoy.mdx │ │ ├── 3-kubernetes-linkerd.mdx │ │ ├── 4-kubernetes-traffic-management.mdx │ │ ├── 5-kubernetes-service-discovery.mdx │ │ ├── 6-kubernetes-load-balancing.mdx │ │ ├── 7-kubernetes-fuse.mdx │ │ ├── 8-kubernetes-retry-mechanism.mdx │ │ ├── 9-kubernetes-timeout-control.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-kubernetes-serverless │ │ ├── 0-kubernetes-serverless-overview.mdx │ │ ├── 1-kubernetes-knative.mdx │ │ ├── 10-kubernetes-serverless-debugging.mdx │ │ ├── 11-kubernetes-serverless-deployment.mdx │ │ ├── 12-kubernetes-no-server-limit.mdx │ │ ├── 13-kubernetes-serverless-best-practices.mdx │ │ ├── 2-kubernetes-event-driver.mdx │ │ ├── 3-kubernetes-function-as-a-service.mdx │ │ ├── 4-kubernetes-autoscale.mdx │ │ ├── 5-kubernetes-cold-start.mdx │ │ ├── 6-kubernetes-event-source.mdx │ │ ├── 7-kubernetes-serverless-framework.mdx │ │ ├── 8-kubernetes-serverless-integration.mdx │ │ ├── 9-kubernetes-serverless-monitoring.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-troubleshooting-kubernetes │ │ ├── 0-how-to-troubleshoot-kubernetes.mdx │ │ ├── 1-kubernetes-faq.mdx │ │ ├── 10-kubernetes-security-issues.mdx │ │ ├── 11-kubernetes-cluster-recovery.mdx │ │ ├── 12-kubernetes-failure-cases.mdx │ │ ├── 13-kubernetes-failure-prevention.mdx │ │ ├── 2-kubernetes-commissioning-technology.mdx │ │ ├── 3-kubernetes-log-analysis.mdx │ │ ├── 4-kubernetes-network-issues.mdx │ │ ├── 5-kubernetes-storage-issues.mdx │ │ ├── 6-kubernetes-performance-issues.mdx │ │ ├── 7-kubernetes-node-problems.mdx │ │ ├── 8-kubernetes-pod-issue.mdx │ │ ├── 9-kubernetes-service-issue.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-kubernetes-production-practices │ │ ├── 0-kubernetes-production-environment-preparation.mdx │ │ ├── 1-kubernetes-capacity-planning.mdx │ │ ├── 10-kubernetes-om-automation.mdx │ │ ├── 11-kubernetes-document-management.mdx │ │ ├── 12-kubernetes-environmental-isolation.mdx │ │ ├── 13-kubernetes-production-checklist.mdx │ │ ├── 2-kubernetes-benchmark.mdx │ │ ├── 3-kubernetes-performance-optimization.mdx │ │ ├── 4-kubernetes-escalation-strategy.mdx │ │ ├── 5-kubernetes-change-management.mdx │ │ ├── 6-kubernetes-cost-optimization.mdx │ │ ├── 7-kubernetes-resource-forecast.mdx │ │ ├── 8-kubernetes-disaster-plan.mdx │ │ ├── 9-kubernetes-service-level-agreement.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-kubernetes-best-practices │ │ ├── 0-kubernetes-application-design.mdx │ │ ├── 1-kubernetes-image-management.mdx │ │ ├── 10-kubernetes-cost-best-practices.mdx │ │ ├── 11-kubernetes-upgrade-best-practices.mdx │ │ ├── 12-kubernetes-production-environment-best-practices.mdx │ │ ├── 13-kubernetes-architecture-best-practices.mdx │ │ ├── 2-kubernetes-resource-management.mdx │ │ ├── 3-kubernetes-web-best-practices.mdx │ │ ├── 4-kubernetes-storage-best-practices.mdx │ │ ├── 5-kubernetes-security-best-practices.mdx │ │ ├── 6-kubernetes-monitoring-best-practices.mdx │ │ ├── 7-kubernetes-high-availability-best-practices.mdx │ │ ├── 8-kubernetes-multitenant-best-practices.mdx │ │ ├── 9-kubernetes-performance-best-practices.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-kubernetes-workload │ │ ├── 0-learn-more-about-kubernetes-pod.mdx │ │ ├── 1-kubernetes-replicaset.mdx │ │ ├── 10-kubernetes-resource-limits.mdx │ │ ├── 11-kubernetes-pod-scheduling.mdx │ │ ├── 12-kubernetes-horizontal-extension.mdx │ │ ├── 13-kubernetes-vertical-extension.mdx │ │ ├── 2-kubernetes-deployment.mdx │ │ ├── 3-kubernetes-statefulset.mdx │ │ ├── 4-kubernetes-daemonset.mdx │ │ ├── 5-kubernetes-job.mdx │ │ ├── 6-kubernetes-cronjob.mdx │ │ ├── 7-kubernetes-pod-lifecycle.mdx │ │ ├── 8-kubernetes-container-probe.mdx │ │ ├── 9-kubernetes-resource-request.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-kubernetes-services-networks │ │ ├── 0-kubernetes-service-concept.mdx │ │ ├── 1-kubernetes-service-type.mdx │ │ ├── 10-kubernetes-service-discovery.mdx │ │ ├── 11-kubernetes-load-balancing.mdx │ │ ├── 12-kubernetes-port-mapping.mdx │ │ ├── 13-kubernetes-network-troubleshooting.mdx │ │ ├── 2-kubernetes-clusterip.mdx │ │ ├── 3-kubernetes-nodeport.mdx │ │ ├── 4-kubernetes-loadbalancer.mdx │ │ ├── 5-kubernetes-externalname.mdx │ │ ├── 6-kubernetes-network-model.mdx │ │ ├── 7-kubernetes-dns.mdx │ │ ├── 8-kubernetes-ingress.mdx │ │ ├── 9-kubernetes-network-policy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-kubernetes-storage │ │ ├── 0-kubernetes-volume-concept.mdx │ │ ├── 1-kubernetes-temporary-volumes.mdx │ │ ├── 10-kubernetes-storage-policy.mdx │ │ ├── 11-kubernetes-data-backup.mdx │ │ ├── 12-kubernetes-data-recovery.mdx │ │ ├── 13-kubernetes-storage-best-practices.mdx │ │ ├── 2-kubernetes-persistent-volumes.mdx │ │ ├── 3-kubernetes-persistent-volume-declaration.mdx │ │ ├── 4-kubernetes-storage-class.mdx │ │ ├── 5-kubernetes-volume-snapshot.mdx │ │ ├── 6-kubernetes-volume-cloning.mdx │ │ ├── 7-kubernetes-configmap.mdx │ │ ├── 8-kubernetes-secret.mdx │ │ ├── 9-kubernetes-storage-driver.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-kubernetes-configuration-management │ │ ├── 0-learn-more-about-kubernetes-configmap.mdx │ │ ├── 1-kubernetes-secret-explained.mdx │ │ ├── 10-kubernetes-configuration-dependencies.mdx │ │ ├── 11-kubernetes-app-configuration.mdx │ │ ├── 12-kubernetes-dynamic-configuration.mdx │ │ ├── 13-kubernetes-configuration-security.mdx │ │ ├── 2-kubernetes-environment-variables.mdx │ │ ├── 3-kubernetes-profile.mdx │ │ ├── 4-kubernetes-configuration-injection.mdx │ │ ├── 5-kubernetes-resource-configuration.mdx │ │ ├── 6-kubernetes-configuration-best-practices.mdx │ │ ├── 7-kubernetes-configuration-update.mdx │ │ ├── 8-kubernetes-configuration-verification.mdx │ │ ├── 9-kubernetes-configuration-version-control.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-kubernetes-security │ │ ├── 0-kubernetes-security-overview.mdx │ │ ├── 1-kubernetes-certification.mdx │ │ ├── 10-kubernetes-container-security.mdx │ │ ├── 11-kubernetes-audit.mdx │ │ ├── 12-kubernetes-compliance.mdx │ │ ├── 13-kubernetes-security-best-practices.mdx │ │ ├── 2-kubernetes-authorization.mdx │ │ ├── 3-kubernetes-admission-control.mdx │ │ ├── 4-kubernetes-rbac.mdx │ │ ├── 5-kubernetes-service-account.mdx │ │ ├── 6-kubernetes-cybersecurity.mdx │ │ ├── 7-kubernetes-security-context.mdx │ │ ├── 8-kubernetes-pod-security-policy.mdx │ │ ├── 9-kubernetes-key-management.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-kubernetes-high-availability │ │ ├── 0-kubernetes-highly-available-architecture.mdx │ │ ├── 1-kubernetes-multiple-masternodes.mdx │ │ ├── 10-kubernetes-node-maintenance.mdx │ │ ├── 11-kubernetes-fault-tolerance-mechanism.mdx │ │ ├── 12-kubernetes-elastic-stretch.mdx │ │ ├── 13-kubernetes-quality-of-service.mdx │ │ ├── 2-kubernetes-cluster-federation.mdx │ │ ├── 3-kubernetes-disaster-recovery.mdx │ │ ├── 4-kubernetes-backup-strategy.mdx │ │ ├── 5-kubernetes-autoscale.mdx │ │ ├── 6-kubernetes-failover.mdx │ │ ├── 7-kubernetes-health-check.mdx │ │ ├── 8-kubernetes-monitoring-alarm.mdx │ │ ├── 9-kubernetes-cluster-upgrade.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-kubernetes-monitoring-and-logging │ │ ├── 0-kubernetes-monitoring-overview.mdx │ │ ├── 1-kubernetes-metrics-server.mdx │ │ ├── 10-kubernetes-audit-logs.mdx │ │ ├── 11-kubernetes-event.mdx │ │ ├── 12-kubernetes-alarm-system.mdx │ │ ├── 13-kubernetes-observability.mdx │ │ ├── 2-kubernetes-prometheus.mdx │ │ ├── 3-kubernetes-grafana.mdx │ │ ├── 4-kubernetes-resource-monitoring.mdx │ │ ├── 5-kubernetes-performance-monitoring.mdx │ │ ├── 6-kubernetes-log-schema.mdx │ │ ├── 7-kubernetes-log-collection.mdx │ │ ├── 8-kubernetes-log-analysis.mdx │ │ ├── 9-kubernetes-efk-stack.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-kubernetes-resource-management │ │ ├── 0-kubernetes-resource-model.mdx │ │ ├── 1-kubernetes-resource-quota.mdx │ │ ├── 10-kubernetes-garbage-collection.mdx │ │ ├── 11-kubernetes-resource-compression.mdx │ │ ├── 12-kubernetes-resource-balancing.mdx │ │ ├── 13-kubernetes-resource-optimization.mdx │ │ ├── 2-kubernetes-namespace-resources.mdx │ │ ├── 3-kubernetes-resource-limits.mdx │ │ ├── 4-kubernetes-priority-class.mdx │ │ ├── 5-kubernetes-resource-recovery.mdx │ │ ├── 6-kubernetes-node-affinity.mdx │ │ ├── 7-kubernetes-pod-affinity.mdx │ │ ├── 8-kubernetes-stains-and-tolerance.mdx │ │ ├── 9-kubernetes-resource-reservation.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── framework │ ├── android_java │ │ ├── 0-java-basics │ │ │ ├── 0-introduction-to-java.mdx │ │ │ ├── 1-java-environment-settings.mdx │ │ │ ├── 10-java-type-conversion.mdx │ │ │ ├── 11-java-package-mechanism.mdx │ │ │ ├── 12-java-access-modifier.mdx │ │ │ ├── 13-java-keywords.mdx │ │ │ ├── 2-java-first-program.mdx │ │ │ ├── 3-java-syntax.mdx │ │ │ ├── 4-java-comments.mdx │ │ │ ├── 5-java-variables.mdx │ │ │ ├── 6-java-data-type.mdx │ │ │ ├── 7-java-constant.mdx │ │ │ ├── 8-java-operator.mdx │ │ │ ├── 9-java-inputoutput.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-java-control-flow │ │ │ ├── 0-java-conditional-statement.mdx │ │ │ ├── 1-java-if-else.mdx │ │ │ ├── 10-java-nested-loop.mdx │ │ │ ├── 11-java-exception-handling.mdx │ │ │ ├── 12-java-try-catch.mdx │ │ │ ├── 13-java-finally-clause.mdx │ │ │ ├── 2-java-switch-statement.mdx │ │ │ ├── 3-java-nesting-conditions.mdx │ │ │ ├── 4-java-loop.mdx │ │ │ ├── 5-java-for-loop.mdx │ │ │ ├── 6-java-while-loop.mdx │ │ │ ├── 7-java-do-while-loop.mdx │ │ │ ├── 8-java-break-continue.mdx │ │ │ ├── 9-java-enhanced-for-loop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-android-network-communication │ │ │ ├── 0-android-network-overview.mdx │ │ │ ├── 1-android-network-permissions.mdx │ │ │ ├── 10-android-glide-library.mdx │ │ │ ├── 11-android-cache-policy.mdx │ │ │ ├── 12-android-offline-mode.mdx │ │ │ ├── 13-android-cybersecurity.mdx │ │ │ ├── 2-android-http-request.mdx │ │ │ ├── 3-android-okhttp-library.mdx │ │ │ ├── 4-android-retrofit-library.mdx │ │ │ ├── 5-android-json-parsing.mdx │ │ │ ├── 6-android-xml-parsing.mdx │ │ │ ├── 7-android-websocket.mdx │ │ │ ├── 8-android-download-manager.mdx │ │ │ ├── 9-android-image-loading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-android-multimedia │ │ │ ├── 0-android-multimedia-overview.mdx │ │ │ ├── 1-android-camera-app.mdx │ │ │ ├── 10-android-notification-sound.mdx │ │ │ ├── 11-android-media-scanning.mdx │ │ │ ├── 12-android-multimedia-permissions.mdx │ │ │ ├── 13-android-exoplayer.mdx │ │ │ ├── 2-android-camera-api.mdx │ │ │ ├── 3-android-image-processing.mdx │ │ │ ├── 4-android-audio-playback.mdx │ │ │ ├── 5-android-audio-recording.mdx │ │ │ ├── 6-android-video-playback.mdx │ │ │ ├── 7-android-video-recording.mdx │ │ │ ├── 8-android-media-controller.mdx │ │ │ ├── 9-android-media-session.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-android-components-services │ │ │ ├── 0-overview-of-the-four-components-of-android.mdx │ │ │ ├── 1-android-activity-deep.mdx │ │ │ ├── 10-android-permission-request.mdx │ │ │ ├── 11-android-jobscheduler.mdx │ │ │ ├── 12-android-workmanager.mdx │ │ │ ├── 13-android-background-tasks.mdx │ │ │ ├── 2-android-fragment-explained-in-detail.mdx │ │ │ ├── 3-android-service-basics.mdx │ │ │ ├── 4-android-front-end-service.mdx │ │ │ ├── 5-android-binding-service.mdx │ │ │ ├── 6-android-intentservice.mdx │ │ │ ├── 7-android-broadcastreceiver.mdx │ │ │ ├── 8-android-contentprovider-details.mdx │ │ │ ├── 9-android-inter-app-communication.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-android-asynchronous-programming │ │ │ ├── 0-android-asynchronous-overview.mdx │ │ │ ├── 1-android-main-and-worker-threads.mdx │ │ │ ├── 10-android-livedata.mdx │ │ │ ├── 11-android-concurrent-issues.mdx │ │ │ ├── 12-android-thread-security.mdx │ │ │ ├── 13-android-asynchronous-best-practices.mdx │ │ │ ├── 2-android-handler-mechanism.mdx │ │ │ ├── 3-android-asynctask.mdx │ │ │ ├── 4-android-thread.mdx │ │ │ ├── 5-android-threadpool.mdx │ │ │ ├── 6-android-looper.mdx │ │ │ ├── 7-android-message.mdx │ │ │ ├── 8-android-rxjava-base.mdx │ │ │ ├── 9-android-coroutine.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-android-architecture-design │ │ │ ├── 0-android-architecture-overview.mdx │ │ │ ├── 1-android-mvc-mode.mdx │ │ │ ├── 10-android-hilt.mdx │ │ │ ├── 11-android-modularity.mdx │ │ │ ├── 12-android-code-organization.mdx │ │ │ ├── 13-android-design-mode.mdx │ │ │ ├── 2-android-mvp-mode.mdx │ │ │ ├── 3-android-mvvm-mode.mdx │ │ │ ├── 4-android-schema-components.mdx │ │ │ ├── 5-android-viewmodel.mdx │ │ │ ├── 6-android-livedata-explained-in-detail.mdx │ │ │ ├── 7-android-databinding.mdx │ │ │ ├── 8-android-dependency-injection.mdx │ │ │ ├── 9-android-dagger.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-android-testing-and-debugging │ │ │ ├── 0-android-testing-overview.mdx │ │ │ ├── 1-android-unit-test.mdx │ │ │ ├── 10-android-anr-analysis.mdx │ │ │ ├── 11-android-testing-best-practices.mdx │ │ │ ├── 12-android-continuous-integration.mdx │ │ │ ├── 13-android-automated-testing.mdx │ │ │ ├── 2-android-instrument-test.mdx │ │ │ ├── 3-android-ui-test.mdx │ │ │ ├── 4-android-espresso.mdx │ │ │ ├── 5-android-mock-test.mdx │ │ │ ├── 6-android-performance-analysis.mdx │ │ │ ├── 7-android-memory-analysis.mdx │ │ │ ├── 8-android-debugging-tool.mdx │ │ │ ├── 9-android-crash-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-android-publishing-and-maintenance │ │ │ ├── 0-android-app-signature.mdx │ │ │ ├── 1-android-version-management.mdx │ │ │ ├── 10-android-application-analysis.mdx │ │ │ ├── 11-android-firebase-integration.mdx │ │ │ ├── 12-android-application-optimization.mdx │ │ │ ├── 13-android-version-adaptation.mdx │ │ │ ├── 2-android-packaging-process.mdx │ │ │ ├── 3-android-obfuscation-and-optimization.mdx │ │ │ ├── 4-android-multi-apk-support.mdx │ │ │ ├── 5-android-app-distribution.mdx │ │ │ ├── 6-android-google-play-release.mdx │ │ │ ├── 7-android-app-update.mdx │ │ │ ├── 8-android-crash-report.mdx │ │ │ ├── 9-android-user-feedback.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-android-advanced-themes │ │ │ ├── 0-android-material-design.mdx │ │ │ ├── 1-android-animation-system.mdx │ │ │ ├── 10-android-security.mdx │ │ │ ├── 11-android-hotfixes.mdx │ │ │ ├── 12-android-pluginization.mdx │ │ │ ├── 13-android-jetpack-family-bucket.mdx │ │ │ ├── 2-android-custom-controls.mdx │ │ │ ├── 3-android-ndk-development.mdx │ │ │ ├── 4-android-bluetooth-communication.mdx │ │ │ ├── 5-android-location-services.mdx │ │ │ ├── 6-android-map-integration.mdx │ │ │ ├── 7-android-sensor.mdx │ │ │ ├── 8-android-biometrics.mdx │ │ │ ├── 9-android-arvr-foundation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-android-best-practices │ │ │ ├── 0-android-code-style.mdx │ │ │ ├── 1-android-naming-conventions.mdx │ │ │ ├── 10-android-accessibility.mdx │ │ │ ├── 11-android-internationalization.mdx │ │ │ ├── 12-android-common-pitfalls.mdx │ │ │ ├── 13-android-development-toolchain.mdx │ │ │ ├── 2-android-project-structure.mdx │ │ │ ├── 3-android-documentation.mdx │ │ │ ├── 4-android-code-review.mdx │ │ │ ├── 5-android-refactoring-tips.mdx │ │ │ ├── 6-android-performance-optimization.mdx │ │ │ ├── 7-android-memory-optimization.mdx │ │ │ ├── 8-android-battery-optimization.mdx │ │ │ ├── 9-android-security-guidelines.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-java-object-oriented-programming │ │ │ ├── 0-java-class-fundamentals.mdx │ │ │ ├── 1-java-object-creation.mdx │ │ │ ├── 10-java-package.mdx │ │ │ ├── 11-java-method-rewrite.mdx │ │ │ ├── 12-java-method-overload.mdx │ │ │ ├── 13-java-special-class.mdx │ │ │ ├── 2-java-constructor.mdx │ │ │ ├── 3-java-class-properties.mdx │ │ │ ├── 4-java-instance-method.mdx │ │ │ ├── 5-java-static-method.mdx │ │ │ ├── 6-java-inheritance.mdx │ │ │ ├── 7-java-polymorphism.mdx │ │ │ ├── 8-java-abstract-class.mdx │ │ │ ├── 9-java-interface.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-java-data-structure │ │ │ ├── 0-java-array.mdx │ │ │ ├── 1-java-array-operations.mdx │ │ │ ├── 10-java-treemap.mdx │ │ │ ├── 11-java-treeset.mdx │ │ │ ├── 12-java-iterator.mdx │ │ │ ├── 13-java-comparator.mdx │ │ │ ├── 2-java-arraylist.mdx │ │ │ ├── 3-java-linkedlist.mdx │ │ │ ├── 4-java-vector.mdx │ │ │ ├── 5-java-stack.mdx │ │ │ ├── 6-java-queue.mdx │ │ │ ├── 7-java-collection-framework.mdx │ │ │ ├── 8-java-hashmap.mdx │ │ │ ├── 9-java-hashset.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-java-string │ │ │ ├── 0-java-string-basics.mdx │ │ │ ├── 1-java-string-method.mdx │ │ │ ├── 10-java-string-security.mdx │ │ │ ├── 11-java-text-processing.mdx │ │ │ ├── 12-java-internationalization.mdx │ │ │ ├── 2-java-string-formatting.mdx │ │ │ ├── 3-java-string-buffer.mdx │ │ │ ├── 4-java-string-generator.mdx │ │ │ ├── 5-java-string-immutability.mdx │ │ │ ├── 6-java-string-connection.mdx │ │ │ ├── 7-java-regular-expression.mdx │ │ │ ├── 8-java-string-encoding.mdx │ │ │ ├── 9-java-unicode-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-java-advanced-features │ │ │ ├── 0-java-generics.mdx │ │ │ ├── 1-java-enumeration.mdx │ │ │ ├── 10-java-lambda-expression.mdx │ │ │ ├── 11-java-functional-interface.mdx │ │ │ ├── 12-java-stream-api.mdx │ │ │ ├── 13-java-module-system.mdx │ │ │ ├── 2-java-annotations.mdx │ │ │ ├── 3-java-reflection.mdx │ │ │ ├── 4-java-serialization.mdx │ │ │ ├── 5-java-io-stream.mdx │ │ │ ├── 6-java-nio.mdx │ │ │ ├── 7-java-multithreading.mdx │ │ │ ├── 8-java-thread-synchronization.mdx │ │ │ ├── 9-java-concurrent-packages.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-android-base │ │ │ ├── 0-introduction-to-android.mdx │ │ │ ├── 1-android-development-environment-construction.mdx │ │ │ ├── 10-android-themes-styles.mdx │ │ │ ├── 11-android-icons-and-resources.mdx │ │ │ ├── 12-android-debugging-tips.mdx │ │ │ ├── 13-android-emulator.mdx │ │ │ ├── 2-android-studio-use.mdx │ │ │ ├── 3-android-project-structure.mdx │ │ │ ├── 4-android-application-components.mdx │ │ │ ├── 5-android-lifecycle.mdx │ │ │ ├── 6-android-manifest-file.mdx │ │ │ ├── 7-android-resource-management.mdx │ │ │ ├── 8-android-layout-basics.mdx │ │ │ ├── 9-android-units-dimensions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-android-ui-design │ │ │ ├── 0-android-ui-overview.mdx │ │ │ ├── 1-android-view-basics.mdx │ │ │ ├── 10-android-recycle-view.mdx │ │ │ ├── 11-android-card-view.mdx │ │ │ ├── 12-android-custom-view.mdx │ │ │ ├── 13-android-adapter.mdx │ │ │ ├── 2-android-layout-manager.mdx │ │ │ ├── 3-android-linear-layout.mdx │ │ │ ├── 4-android-relative-layout.mdx │ │ │ ├── 5-android-constraint-layout.mdx │ │ │ ├── 6-android-frame-layout.mdx │ │ │ ├── 7-android-table-layout.mdx │ │ │ ├── 8-android-grid-layout.mdx │ │ │ ├── 9-android-list-view.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-android-user-interaction │ │ │ ├── 0-android-event-handling.mdx │ │ │ ├── 1-android-button-control.mdx │ │ │ ├── 10-android-drawer-navigation.mdx │ │ │ ├── 11-android-bottom-navigation.mdx │ │ │ ├── 12-android-gesture-recognition.mdx │ │ │ ├── 13-android-touch-event.mdx │ │ │ ├── 2-android-text-control.mdx │ │ │ ├── 3-android-input-control.mdx │ │ │ ├── 4-android-selection-controls.mdx │ │ │ ├── 5-android-dialog.mdx │ │ │ ├── 6-android-menu.mdx │ │ │ ├── 7-android-navigation-design.mdx │ │ │ ├── 8-android-actionbar.mdx │ │ │ ├── 9-android-toolbar.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-android-data-storage │ │ │ ├── 0-android-storage-overview.mdx │ │ │ ├── 1-android-sharedpreferences.mdx │ │ │ ├── 10-android-cloud-sync.mdx │ │ │ ├── 11-android-data-encryption.mdx │ │ │ ├── 12-android-rights-management.mdx │ │ │ ├── 13-android-storage-best-practices.mdx │ │ │ ├── 2-android-file-storage.mdx │ │ │ ├── 3-android-internal-storage.mdx │ │ │ ├── 4-android-external-storage.mdx │ │ │ ├── 5-android-sqlite-database.mdx │ │ │ ├── 6-android-room-persistence-library.mdx │ │ │ ├── 7-android-contentprovider.mdx │ │ │ ├── 8-android-file-selection.mdx │ │ │ ├── 9-android-data-backup.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── android_kotlin │ │ ├── 0-kotlin-basics │ │ │ ├── 0-introduction-to-kotlin.mdx │ │ │ ├── 1-difference-between-kotlin-and-java.mdx │ │ │ ├── 10-kotlin-comment.mdx │ │ │ ├── 11-kotlin-packages-and-imports.mdx │ │ │ ├── 12-kotlin-air-safety.mdx │ │ │ ├── 13-kotlin-smart-conversion.mdx │ │ │ ├── 2-kotlin-environment-construction.mdx │ │ │ ├── 3-kotlin-first-program.mdx │ │ │ ├── 4-kotlin-grammar-basics.mdx │ │ │ ├── 5-kotlin-variables-and-constants.mdx │ │ │ ├── 6-kotlin-data-type.mdx │ │ │ ├── 7-kotlin-operator.mdx │ │ │ ├── 8-kotlin-string.mdx │ │ │ ├── 9-kotlin-control-flow-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-kotlin-core-features │ │ │ ├── 0-kotlin-function.mdx │ │ │ ├── 1-kotlin-lambda-expression.mdx │ │ │ ├── 10-kotlin-delegate-properties.mdx │ │ │ ├── 11-kotlin-scope-expression.mdx │ │ │ ├── 12-kotlin-deconstruction-declaration.mdx │ │ │ ├── 13-kotlin-type-alias.mdx │ │ │ ├── 2-kotlin-higher-order-function.mdx │ │ │ ├── 3-kotlin-extension-function.mdx │ │ │ ├── 4-affix-function-in-kotlin.mdx │ │ │ ├── 5-kotlin-operator-overloading.mdx │ │ │ ├── 6-kotlin-data-class.mdx │ │ │ ├── 7-kotlin-sealing-class.mdx │ │ │ ├── 8-kotlin-enum-class.mdx │ │ │ ├── 9-kotlin-object-declaration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-android-network-programming │ │ │ ├── 0-android-network-programming-overview.mdx │ │ │ ├── 1-android-network-permissions.mdx │ │ │ ├── 10-android-network-cache.mdx │ │ │ ├── 11-android-network-status-monitoring.mdx │ │ │ ├── 12-android-cybersecurity.mdx │ │ │ ├── 13-android-offline-mode.mdx │ │ │ ├── 2-android-http-request.mdx │ │ │ ├── 3-android-retrofit-library.mdx │ │ │ ├── 4-android-okhttp-library.mdx │ │ │ ├── 5-android-volley-library.mdx │ │ │ ├── 6-android-websocket.mdx │ │ │ ├── 7-android-rest-api-interaction.mdx │ │ │ ├── 8-android-json-parsing.mdx │ │ │ ├── 9-android-xml-parsing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-android-multimedia │ │ │ ├── 0-android-multimedia-overview.mdx │ │ │ ├── 1-android-camera.mdx │ │ │ ├── 10-android-text-to-speech.mdx │ │ │ ├── 11-android-streaming.mdx │ │ │ ├── 12-android-media-codec.mdx │ │ │ ├── 13-android-media-projection.mdx │ │ │ ├── 2-android-image-processing.mdx │ │ │ ├── 3-android-audio.mdx │ │ │ ├── 4-android-video.mdx │ │ │ ├── 5-android-media-player.mdx │ │ │ ├── 6-android-recording-video.mdx │ │ │ ├── 7-android-recording-audio.mdx │ │ │ ├── 8-android-multimedia-compression.mdx │ │ │ ├── 9-android-speech-recognition.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-android-background-processing │ │ │ ├── 0-overview-of-android-background-processing.mdx │ │ │ ├── 1-android-service.mdx │ │ │ ├── 10-android-processes-and-threads.mdx │ │ │ ├── 11-android-wakeup-lock.mdx │ │ │ ├── 12-android-power-management.mdx │ │ │ ├── 13-android-background-optimization.mdx │ │ │ ├── 2-android-broadcast-receiver.mdx │ │ │ ├── 3-android-thread.mdx │ │ │ ├── 4-android-asynctask.mdx │ │ │ ├── 5-android-handler.mdx │ │ │ ├── 6-android-jobscheduler.mdx │ │ │ ├── 7-android-workmanager.mdx │ │ │ ├── 8-android-alarm-manager.mdx │ │ │ ├── 9-android-background-restrictions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-android-data-communication │ │ │ ├── 0-android-intercomponent-communication.mdx │ │ │ ├── 1-android-intent.mdx │ │ │ ├── 10-android-usb-communication.mdx │ │ │ ├── 11-android-wi-fi-direct.mdx │ │ │ ├── 12-android-low-energy-bluetooth.mdx │ │ │ ├── 13-android-ipc-mechanism.mdx │ │ │ ├── 2-android-bundle.mdx │ │ │ ├── 3-android-parcelable.mdx │ │ │ ├── 4-android-eventbus.mdx │ │ │ ├── 5-android-localbroadcast.mdx │ │ │ ├── 6-android-contentprovider.mdx │ │ │ ├── 7-android-aidl.mdx │ │ │ ├── 8-android-bluetooth-communication.mdx │ │ │ ├── 9-android-nfc.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-android-location-services │ │ │ ├── 0-android-location-services-overview.mdx │ │ │ ├── 1-android-location-permissions.mdx │ │ │ ├── 10-android-orientation-sensor.mdx │ │ │ ├── 11-android-position-simulation.mdx │ │ │ ├── 12-android-geotagging.mdx │ │ │ ├── 13-android-location-optimization.mdx │ │ │ ├── 2-android-geocoding.mdx │ │ │ ├── 3-android-map-integration.mdx │ │ │ ├── 4-android-location-strategy.mdx │ │ │ ├── 5-android-geofence.mdx │ │ │ ├── 6-android-action-recognition.mdx │ │ │ ├── 7-android-path-planning.mdx │ │ │ ├── 8-android-location-sharing.mdx │ │ │ ├── 9-android-offline-map.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-android-security │ │ │ ├── 0-android-security-overview.mdx │ │ │ ├── 1-android-rights-management.mdx │ │ │ ├── 10-android-security-best-practices.mdx │ │ │ ├── 11-android-vulnerability-protection.mdx │ │ │ ├── 12-android-security-audit.mdx │ │ │ ├── 13-android-app-sandbox.mdx │ │ │ ├── 2-android-data-encryption.mdx │ │ │ ├── 3-android-secure-storage.mdx │ │ │ ├── 4-android-cybersecurity.mdx │ │ │ ├── 5-android-app-signature.mdx │ │ │ ├── 6-android-code-obfuscation.mdx │ │ │ ├── 7-android-tamper-resistant.mdx │ │ │ ├── 8-android-authentication-and-authorization.mdx │ │ │ ├── 9-android-biometrics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-android-testing-and-debugging │ │ │ ├── 0-android-testing-overview.mdx │ │ │ ├── 1-android-unit-test.mdx │ │ │ ├── 10-android-debugging-tool.mdx │ │ │ ├── 11-android-debugging-tips.mdx │ │ │ ├── 12-android-bug-analysis.mdx │ │ │ ├── 13-android-crash-report.mdx │ │ │ ├── 2-android-ui-test.mdx │ │ │ ├── 3-android-integration-testing.mdx │ │ │ ├── 4-android-espresso.mdx │ │ │ ├── 5-android-junit.mdx │ │ │ ├── 6-android-mockito.mdx │ │ │ ├── 7-android-test-coverage.mdx │ │ │ ├── 8-android-performance-testing.mdx │ │ │ ├── 9-android-memory-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-android-architecture-and-design-patterns │ │ │ ├── 0-android-architecture-overview.mdx │ │ │ ├── 1-android-mvc.mdx │ │ │ ├── 10-android-singleton-mode.mdx │ │ │ ├── 11-android-proxy-mode.mdx │ │ │ ├── 12-android-builder-mode.mdx │ │ │ ├── 13-android-modular-design.mdx │ │ │ ├── 2-android-mvp.mdx │ │ │ ├── 3-android-mvvm.mdx │ │ │ ├── 4-android-clean-architecture.mdx │ │ │ ├── 5-android-dependency-injection.mdx │ │ │ ├── 6-android-factory-mode.mdx │ │ │ ├── 7-android-observer-mode.mdx │ │ │ ├── 8-android-adapter-mode.mdx │ │ │ ├── 9-android-policy-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-android-performance-optimization │ │ │ ├── 0-android-performance-optimization-overview.mdx │ │ │ ├── 1-android-memory-optimization.mdx │ │ │ ├── 10-android-list-optimization.mdx │ │ │ ├── 11-android-image-optimization.mdx │ │ │ ├── 12-android-cold-start-optimization.mdx │ │ │ ├── 13-android-performance-analysis-tool.mdx │ │ │ ├── 2-android-layout-optimization.mdx │ │ │ ├── 3-android-rendering-optimization.mdx │ │ │ ├── 4-android-boot-optimization.mdx │ │ │ ├── 5-android-network-optimization.mdx │ │ │ ├── 6-android-battery-optimization.mdx │ │ │ ├── 7-android-package-volume-optimization.mdx │ │ │ ├── 8-android-multi-threaded-optimization.mdx │ │ │ ├── 9-android-database-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-android-publishing-and-listing │ │ │ ├── 0-android-app-release-process.mdx │ │ │ ├── 1-android-app-signature.mdx │ │ │ ├── 10-android-ratings-feedback.mdx │ │ │ ├── 11-android-statistical-analysis.mdx │ │ │ ├── 12-android-app-promotion.mdx │ │ │ ├── 13-android-version-update.mdx │ │ │ ├── 2-android-packaging-configuration.mdx │ │ │ ├── 3-android-version-control.mdx │ │ │ ├── 4-android-app-ruggedization.mdx │ │ │ ├── 5-android-multichannel-packaging.mdx │ │ │ ├── 6-android-play-store-is-live.mdx │ │ │ ├── 7-android-in-app-purchases.mdx │ │ │ ├── 8-android-privacy-policy.mdx │ │ │ ├── 9-android-user-agreement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-kotlin-object-oriented-programming │ │ │ ├── 0-kotlin-classes-and-objects.mdx │ │ │ ├── 1-kotlin-constructor.mdx │ │ │ ├── 10-kotlin-object-expression.mdx │ │ │ ├── 11-kotlin-singleton-mode.mdx │ │ │ ├── 12-kotlin-factory-method-model.mdx │ │ │ ├── 13-kotlin-observer-mode.mdx │ │ │ ├── 2-kotlin-properties-and-fields.mdx │ │ │ ├── 3-kotlin-interface.mdx │ │ │ ├── 4-kotlin-inheritance.mdx │ │ │ ├── 5-kotlin-abstract-class.mdx │ │ │ ├── 6-kotlin-nesting-class.mdx │ │ │ ├── 7-kotlin-internal-class.mdx │ │ │ ├── 8-kotlin-visibility-modifier.mdx │ │ │ ├── 9-kotlin-companion-object.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-android-advanced-themes │ │ │ ├── 0-android-native-development.mdx │ │ │ ├── 1-android-cross-platform-development.mdx │ │ │ ├── 10-android-internet-of-things.mdx │ │ │ ├── 11-android-machine-learning.mdx │ │ │ ├── 12-android-real-time-communication.mdx │ │ │ ├── 13-android-blockchain-application.mdx │ │ │ ├── 2-android-app-pluginization.mdx │ │ │ ├── 3-android-hotfixes.mdx │ │ │ ├── 4-android-dynamicization.mdx │ │ │ ├── 5-android-reverse-engineering.mdx │ │ │ ├── 6-android-hook-technology.mdx │ │ │ ├── 7-android-aop-programming.mdx │ │ │ ├── 8-android-push-notifications.mdx │ │ │ ├── 9-android-arvr.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-kotlin-functional-programming │ │ │ ├── 0-overview-of-kotlin-functional-programming.mdx │ │ │ ├── 1-kotlin-collection-action.mdx │ │ │ ├── 10-kotlin-immutable-data-structure.mdx │ │ │ ├── 11-kotlin-functional-concurrency.mdx │ │ │ ├── 12-kotlin-streaming.mdx │ │ │ ├── 13-introduction-to-the-kotlin-arrow-library.mdx │ │ │ ├── 2-kotlin-sequence.mdx │ │ │ ├── 3-kotlin-inertia-evaluation.mdx │ │ │ ├── 4-kotlin-function-combinations.mdx │ │ │ ├── 5-kotlin-currying.mdx │ │ │ ├── 6-kotlin-partial-application-function.mdx │ │ │ ├── 7-kotlin-tail-recursion.mdx │ │ │ ├── 8-kotlin-functional-error-handling.mdx │ │ │ ├── 9-kotlin-functional-design-pattern.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-kotlin-coroutine │ │ │ ├── 0-kotlin-coroutine-overview.mdx │ │ │ ├── 1-kotlin-suspend-function.mdx │ │ │ ├── 10-kotlin-coroutine-combinations.mdx │ │ │ ├── 11-kotlin-coroutine-test.mdx │ │ │ ├── 12-kotlin-coroutine-best-practices.mdx │ │ │ ├── 13-kotlin-syndication-interacts-with-ui.mdx │ │ │ ├── 2-kotlin-coroutine-builder.mdx │ │ │ ├── 3-kotlin-coroutine-context-and-scheduler.mdx │ │ │ ├── 4-kotlin-syndication-scope.mdx │ │ │ ├── 5-kotlin-coroutine-exception-handling.mdx │ │ │ ├── 6-kotlin-coroutine-channel.mdx │ │ │ ├── 7-kotlin-coroutine-flow.mdx │ │ │ ├── 8-kotlin-coroutines-vs-threads.mdx │ │ │ ├── 9-kotlin-coroutine-cancellation-and-timeout.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-android-development-basics │ │ │ ├── 0-android-development-overview.mdx │ │ │ ├── 1-introducing-android-studio.mdx │ │ │ ├── 10-android-adapter.mdx │ │ │ ├── 11-android-menu.mdx │ │ │ ├── 12-android-dialog.mdx │ │ │ ├── 13-android-themes-styles.mdx │ │ │ ├── 2-android-project-structure.mdx │ │ │ ├── 3-android-lifecycle.mdx │ │ │ ├── 4-android-application-components.mdx │ │ │ ├── 5-android-manifest-file.mdx │ │ │ ├── 6-android-resource-file.mdx │ │ │ ├── 7-android-layout-basics.mdx │ │ │ ├── 8-android-ui-control.mdx │ │ │ ├── 9-android-event-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-android-user-interface │ │ │ ├── 0-android-ui-design-principles.mdx │ │ │ ├── 1-android-constraint-layout.mdx │ │ │ ├── 10-android-animation.mdx │ │ │ ├── 11-android-gesture-recognition.mdx │ │ │ ├── 12-android-material-design.mdx │ │ │ ├── 13-android-responsive-design.mdx │ │ │ ├── 2-android-linear-layout.mdx │ │ │ ├── 3-android-relative-layout.mdx │ │ │ ├── 4-android-frame-layout.mdx │ │ │ ├── 5-android-grid-layout.mdx │ │ │ ├── 6-android-list-view.mdx │ │ │ ├── 7-android-recycle-view.mdx │ │ │ ├── 8-android-card-view.mdx │ │ │ ├── 9-android-custom-view.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-android-jetpack │ │ │ ├── 0-jetpack-overview.mdx │ │ │ ├── 1-jetpack-component-architecture.mdx │ │ │ ├── 10-hilt-dependency-injection.mdx │ │ │ ├── 11-compose-ui.mdx │ │ │ ├── 12-jetpack-security-library.mdx │ │ │ ├── 13-jetpack-benchmark.mdx │ │ │ ├── 2-viewmodel.mdx │ │ │ ├── 3-livedata.mdx │ │ │ ├── 4-databinding.mdx │ │ │ ├── 5-room-persistence-library.mdx │ │ │ ├── 6-workmanager.mdx │ │ │ ├── 7-navigation-component.mdx │ │ │ ├── 8-paging-gallery.mdx │ │ │ ├── 9-camerax.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-android-compose │ │ │ ├── 0-introduction-to-compose.mdx │ │ │ ├── 1-compose-basic-components.mdx │ │ │ ├── 10-compose-list.mdx │ │ │ ├── 11-compose-custom-components.mdx │ │ │ ├── 12-compose-performance-optimization.mdx │ │ │ ├── 13-compose-integration-with-jetpack.mdx │ │ │ ├── 2-compose-layout.mdx │ │ │ ├── 3-compose-state-management.mdx │ │ │ ├── 4-compose-gesture-handling.mdx │ │ │ ├── 5-compose-animation.mdx │ │ │ ├── 6-compose-theme.mdx │ │ │ ├── 7-compose-interoperates-with-legacy-views.mdx │ │ │ ├── 8-compose-lifecycle.mdx │ │ │ ├── 9-compose-navigation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-android-data-storage │ │ │ ├── 0-android-data-storage-overview.mdx │ │ │ ├── 1-android-sharedpreferences.mdx │ │ │ ├── 10-android-backup-recovery.mdx │ │ │ ├── 11-android-data-migration.mdx │ │ │ ├── 12-android-storage-best-practices.mdx │ │ │ ├── 13-android-data-binding.mdx │ │ │ ├── 2-android-file-storage.mdx │ │ │ ├── 3-android-sqlite-database.mdx │ │ │ ├── 4-android-room-persistence.mdx │ │ │ ├── 5-android-contentprovider.mdx │ │ │ ├── 6-android-network-storage.mdx │ │ │ ├── 7-android-data-synchronization.mdx │ │ │ ├── 8-android-cloud-storage.mdx │ │ │ ├── 9-android-data-encryption.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── django │ │ ├── 0-django-foundation │ │ │ ├── 0-introduction-to-django.mdx │ │ │ ├── 1-django-history-characteristics.mdx │ │ │ ├── 10-django-development-server.mdx │ │ │ ├── 11-django-command-line-tool.mdx │ │ │ ├── 12-django-debugging-tool.mdx │ │ │ ├── 13-django-version-features.mdx │ │ │ ├── 2-django-installation-configuration.mdx │ │ │ ├── 3-django-project-creation.mdx │ │ │ ├── 4-django-app-creation.mdx │ │ │ ├── 5-django-project-structure.mdx │ │ │ ├── 6-django-settings-file.mdx │ │ │ ├── 7-django-first-view.mdx │ │ │ ├── 8-django-url-configuration.mdx │ │ │ ├── 9-django-request-response-process.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-django-models-and-databases │ │ │ ├── 0-introduction-to-the-django-model.mdx │ │ │ ├── 1-django-model-definition.mdx │ │ │ ├── 10-django-model-query.mdx │ │ │ ├── 11-django-complex-queries.mdx │ │ │ ├── 12-django-transaction-management.mdx │ │ │ ├── 13-django-original-sql.mdx │ │ │ ├── 2-django-field-type.mdx │ │ │ ├── 3-django-field-options.mdx │ │ │ ├── 4-django-model-relationships.mdx │ │ │ ├── 5-django-one-to-many-relationship.mdx │ │ │ ├── 6-django-many-to-many-relationship.mdx │ │ │ ├── 7-django-one-on-one-relationship.mdx │ │ │ ├── 8-django-model-inheritance.mdx │ │ │ ├── 9-django-migration-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-django-deployment │ │ │ ├── 0-django-deployment-overview.mdx │ │ │ ├── 1-django-set-separation.mdx │ │ │ ├── 10-django-docker-deployment.mdx │ │ │ ├── 11-django-cicd-integration.mdx │ │ │ ├── 12-django-performance-monitoring.mdx │ │ │ ├── 13-django-security-check.mdx │ │ │ ├── 2-django-static-file-deployment.mdx │ │ │ ├── 3-django-media-file-deployment.mdx │ │ │ ├── 4-django-gunicorn-configuration.mdx │ │ │ ├── 5-django-nginx-configuration.mdx │ │ │ ├── 6-django-wsgi-application.mdx │ │ │ ├── 7-django-asgi-application.mdx │ │ │ ├── 8-django-database-deployment.mdx │ │ │ ├── 9-django-environment-variable.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-django-security │ │ │ ├── 0-django-security-overview.mdx │ │ │ ├── 1-django-cross-site-scripting-protection.mdx │ │ │ ├── 10-django-security-audit.mdx │ │ │ ├── 11-django-vulnerability-scanning.mdx │ │ │ ├── 12-django-security-updates.mdx │ │ │ ├── 13-django-security-best-practices.mdx │ │ │ ├── 2-django-cross-site-request-for-forgery-protection.mdx │ │ │ ├── 3-django-sql-injection-protection.mdx │ │ │ ├── 4-django-clickjacking-protection.mdx │ │ │ ├── 5-django-security-middleware.mdx │ │ │ ├── 6-django-password-storage.mdx │ │ │ ├── 7-django-content-security-policy.mdx │ │ │ ├── 8-django-security-head.mdx │ │ │ ├── 9-django-security-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-django-performance-optimization │ │ │ ├── 0-django-performance-overview.mdx │ │ │ ├── 1-django-database-optimization.mdx │ │ │ ├── 10-django-load-balancing.mdx │ │ │ ├── 11-django-cdn-integration.mdx │ │ │ ├── 12-django-performance-monitoring-tool.mdx │ │ │ ├── 13-django-performance-test.mdx │ │ │ ├── 2-django-query-optimization.mdx │ │ │ ├── 3-django-cache-policy.mdx │ │ │ ├── 4-django-lazy-loading-technology.mdx │ │ │ ├── 5-django-bulk-actions.mdx │ │ │ ├── 6-django-database-index.mdx │ │ │ ├── 7-django-memory-optimization.mdx │ │ │ ├── 8-django-template-optimization.mdx │ │ │ ├── 9-django-static-file-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-django-integration-with-front-end │ │ │ ├── 0-django-interacts-with-javascript.mdx │ │ │ ├── 1-django-integration-with-jquery.mdx │ │ │ ├── 10-django-websocket-integration.mdx │ │ │ ├── 11-django-real-time-application.mdx │ │ │ ├── 12-django-front-end-testing.mdx │ │ │ ├── 13-django-decoupled-from-front-end-architecture.mdx │ │ │ ├── 2-django-integration-with-vuejs.mdx │ │ │ ├── 3-django-integration-with-react.mdx │ │ │ ├── 4-django-integration-with-bootstrap.mdx │ │ │ ├── 5-django-integration-with-webpack.mdx │ │ │ ├── 6-django-rest-with-front-end-framework.mdx │ │ │ ├── 7-django-ajax-processing.mdx │ │ │ ├── 8-django-spa-development.mdx │ │ │ ├── 9-django-front-end-resource-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-django-extension-application │ │ │ ├── 0-overview-of-common-django-extensions.mdx │ │ │ ├── 1-django-channels.mdx │ │ │ ├── 10-django-graphene.mdx │ │ │ ├── 11-django-storages.mdx │ │ │ ├── 12-django-taggit.mdx │ │ │ ├── 13-django-extension-development.mdx │ │ │ ├── 2-django-celery.mdx │ │ │ ├── 3-django-allauth.mdx │ │ │ ├── 4-django-debug-toolbar.mdx │ │ │ ├── 5-django-filter.mdx │ │ │ ├── 6-django-mptt.mdx │ │ │ ├── 7-django-cms.mdx │ │ │ ├── 8-django-haystack.mdx │ │ │ ├── 9-django-wagtail.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-django-best-practices │ │ │ ├── 0-django-code-style.mdx │ │ │ ├── 1-django-project-structure.mdx │ │ │ ├── 10-django-internationalization-best-practices.mdx │ │ │ ├── 11-django-version-upgrade-strategy.mdx │ │ │ ├── 12-django-performance-optimization-guide.mdx │ │ │ ├── 13-django-production-environment-checklist.mdx │ │ │ ├── 2-django-design-mode.mdx │ │ │ ├── 3-django-maintainability.mdx │ │ │ ├── 4-django-extensibility.mdx │ │ │ ├── 5-django-documentation.mdx │ │ │ ├── 6-django-git-workflow.mdx │ │ │ ├── 7-django-continuous-integration.mdx │ │ │ ├── 8-django-code-review.mdx │ │ │ ├── 9-django-refactoring-techniques.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-django-view-with-url │ │ │ ├── 0-django-view-basics.mdx │ │ │ ├── 1-django-function-view.mdx │ │ │ ├── 10-django-request-object.mdx │ │ │ ├── 11-django-response-object.mdx │ │ │ ├── 12-django-redirect.mdx │ │ │ ├── 13-django-error-handling.mdx │ │ │ ├── 2-django-class-view.mdx │ │ │ ├── 3-django-generic-view.mdx │ │ │ ├── 4-django-url-configuration.mdx │ │ │ ├── 5-django-url-naming.mdx │ │ │ ├── 6-django-url-reverse-resolution.mdx │ │ │ ├── 7-django-path-converter.mdx │ │ │ ├── 8-django-view-decorator.mdx │ │ │ ├── 9-django-middleware.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-django-template-system │ │ │ ├── 0-django-template-foundation.mdx │ │ │ ├── 1-django-template-syntax.mdx │ │ │ ├── 10-django-template-context.mdx │ │ │ ├── 11-django-form-rendering.mdx │ │ │ ├── 12-django-internationalization.mdx │ │ │ ├── 13-django-localization.mdx │ │ │ ├── 2-django-variables-and-filters.mdx │ │ │ ├── 3-django-template-label.mdx │ │ │ ├── 4-django-template-inheritance.mdx │ │ │ ├── 5-django-contains-tags.mdx │ │ │ ├── 6-django-static-file.mdx │ │ │ ├── 7-django-template-loader.mdx │ │ │ ├── 8-django-custom-template-label.mdx │ │ │ ├── 9-django-custom-filter.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-django-form-processing │ │ │ ├── 0-django-form-basics.mdx │ │ │ ├── 1-django-form-fields.mdx │ │ │ ├── 10-django-csrf-protection.mdx │ │ │ ├── 11-django-forms-processing-view.mdx │ │ │ ├── 12-django-form-error-handling.mdx │ │ │ ├── 13-django-dynamic-form.mdx │ │ │ ├── 2-django-form-validation.mdx │ │ │ ├── 3-django-modelform.mdx │ │ │ ├── 4-django-form-rendering.mdx │ │ │ ├── 5-django-form-set.mdx │ │ │ ├── 6-django-form-widget.mdx │ │ │ ├── 7-django-custom-widget.mdx │ │ │ ├── 8-django-form-cleaning-method.mdx │ │ │ ├── 9-django-file-upload.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-django-certification-authorization │ │ │ ├── 0-overview-of-the-django-authentication-system.mdx │ │ │ ├── 1-django-user-model.mdx │ │ │ ├── 10-django-social-authentication.mdx │ │ │ ├── 11-django-token-authentication.mdx │ │ │ ├── 12-django-session-management.mdx │ │ │ ├── 13-django-user-extension.mdx │ │ │ ├── 2-django-user-authentication.mdx │ │ │ ├── 3-django-login-logout.mdx │ │ │ ├── 4-django-permission-system.mdx │ │ │ ├── 5-django-user-group.mdx │ │ │ ├── 6-django-custom-permissions.mdx │ │ │ ├── 7-django-login-restrictions.mdx │ │ │ ├── 8-django-password-management.mdx │ │ │ ├── 9-django-password-reset.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-django-management-site │ │ │ ├── 0-introduction-to-the-django-management-site.mdx │ │ │ ├── 1-django-manage-site-configuration.mdx │ │ │ ├── 10-django-admin-site-theme.mdx │ │ │ ├── 11-django-manage-site-custom-views.mdx │ │ │ ├── 12-django-management-commands.mdx │ │ │ ├── 13-django-best-practices-for-managing-sites.mdx │ │ │ ├── 2-django-management-model-registration.mdx │ │ │ ├── 3-django-management-site-customization.mdx │ │ │ ├── 4-django-management-actions.mdx │ │ │ ├── 5-django-manage-site-filters.mdx │ │ │ ├── 6-django-admin-site-list-display.mdx │ │ │ ├── 7-django-manage-site-forms.mdx │ │ │ ├── 8-django-admin-site-inline.mdx │ │ │ ├── 9-django-manage-site-permissions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-django-advanced-features │ │ │ ├── 0-django-signaling-system.mdx │ │ │ ├── 1-django-custom-signal.mdx │ │ │ ├── 10-django-context-processor.mdx │ │ │ ├── 11-django-middleware-advanced-usage.mdx │ │ │ ├── 12-django-site-framework.mdx │ │ │ ├── 13-django-content-type-framework.mdx │ │ │ ├── 2-django-caching-framework.mdx │ │ │ ├── 3-django-memory-cache.mdx │ │ │ ├── 4-django-database-cache.mdx │ │ │ ├── 5-django-file-cache.mdx │ │ │ ├── 6-django-third-party-cache.mdx │ │ │ ├── 7-django-message-framework.mdx │ │ │ ├── 8-django-pagination.mdx │ │ │ ├── 9-django-custom-label-library.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-django-rest-framework │ │ │ ├── 0-introduction-to-the-django-rest-framework.mdx │ │ │ ├── 1-django-rest-serializer.mdx │ │ │ ├── 10-django-rest-version-control.mdx │ │ │ ├── 11-django-rest-documentation.mdx │ │ │ ├── 12-django-rest-test.mdx │ │ │ ├── 13-django-rest-deployment.mdx │ │ │ ├── 2-django-rest-view.mdx │ │ │ ├── 3-django-rest-requests-and-responses.mdx │ │ │ ├── 4-django-rest-authentication.mdx │ │ │ ├── 5-django-rest-permissions.mdx │ │ │ ├── 6-django-rest-view-set.mdx │ │ │ ├── 7-django-rest-router.mdx │ │ │ ├── 8-django-rest-pagination.mdx │ │ │ ├── 9-django-rest-filtering.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-django-test │ │ │ ├── 0-introduction-to-django-testing.mdx │ │ │ ├── 1-django-test-tool.mdx │ │ │ ├── 10-django-simulation-test.mdx │ │ │ ├── 11-django-parallel-test.mdx │ │ │ ├── 12-django-testing-best-practices.mdx │ │ │ ├── 13-django-test-driven-development.mdx │ │ │ ├── 2-django-unit-test.mdx │ │ │ ├── 3-django-model-test.mdx │ │ │ ├── 4-django-view-test.mdx │ │ │ ├── 5-django-form-test.mdx │ │ │ ├── 6-django-client-testing.mdx │ │ │ ├── 7-django-advanced-test.mdx │ │ │ ├── 8-django-test-coverage.mdx │ │ │ ├── 9-django-test-fixture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── gin │ │ ├── 0-gin-base │ │ │ ├── 0-introduction-to-the-gin-framework.mdx │ │ │ ├── 1-construction-of-gin-environment.mdx │ │ │ ├── 10-gin-error-handling-basics.mdx │ │ │ ├── 11-gin-configuration-management.mdx │ │ │ ├── 12-gin-logging-system.mdx │ │ │ ├── 13-gin-hot-reload.mdx │ │ │ ├── 2-gin-first-program.mdx │ │ │ ├── 3-gin-project-structure.mdx │ │ │ ├── 4-gin-routing-basics.mdx │ │ │ ├── 5-gin-request-method.mdx │ │ │ ├── 6-gin-middleware-concepts.mdx │ │ │ ├── 7-gin-context-object.mdx │ │ │ ├── 8-gin-handles-static-files.mdx │ │ │ ├── 9-gin-response-format.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-gin-routing-and-request-processing │ │ │ ├── 0-gin-routing-group.mdx │ │ │ ├── 1-gin-routing-parameters.mdx │ │ │ ├── 10-gin-file-upload.mdx │ │ │ ├── 11-gin-request-verification.mdx │ │ │ ├── 12-gin-custom-validator.mdx │ │ │ ├── 13-gin-request-timeout-processing.mdx │ │ │ ├── 2-gin-nested-routes.mdx │ │ │ ├── 3-gin-route-redirection.mdx │ │ │ ├── 4-gin-request-parameter-acquisition.mdx │ │ │ ├── 5-gin-query-parameters.mdx │ │ │ ├── 6-gin-form-parameters.mdx │ │ │ ├── 7-gin-path-parameters.mdx │ │ │ ├── 8-gin-request-header-action.mdx │ │ │ ├── 9-gin-binding-request-data.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-gin-logging-and-monitoring │ │ │ ├── 0-detailed-explanation-of-the-gin-log-system.mdx │ │ │ ├── 1-gin-custom-log-format.mdx │ │ │ ├── 10-gin-integration-with-prometheus.mdx │ │ │ ├── 11-gin-application-status-monitoring.mdx │ │ │ ├── 12-gin-distributed-tracking.mdx │ │ │ ├── 13-gin-monitoring-alarm.mdx │ │ │ ├── 2-gin-log-level.mdx │ │ │ ├── 3-gin-log-output.mdx │ │ │ ├── 4-gin-log-middleware.mdx │ │ │ ├── 5-gin-request-logging.mdx │ │ │ ├── 6-gin-error-log-handling.mdx │ │ │ ├── 7-gin-performance-monitoring.mdx │ │ │ ├── 8-gin-health-check.mdx │ │ │ ├── 9-gin-indicator-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-gin-deployment-and-om │ │ │ ├── 0-overview-of-gin-application-deployment.mdx │ │ │ ├── 1-gin-docker-containerization.mdx │ │ │ ├── 10-gin-memory-optimization.mdx │ │ │ ├── 11-gin-service-discovery.mdx │ │ │ ├── 12-gin-continuous-deployment.mdx │ │ │ ├── 13-gin-om-best-practices.mdx │ │ │ ├── 2-gin-kubernetes-deployment.mdx │ │ │ ├── 3-gin-load-balancing.mdx │ │ │ ├── 4-gin-reverse-proxy.mdx │ │ │ ├── 5-gin-application-extension.mdx │ │ │ ├── 6-gin-elegant-close.mdx │ │ │ ├── 7-gin-configuration-management.mdx │ │ │ ├── 8-gin-environment-variable.mdx │ │ │ ├── 9-gin-application-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-gin-premium-theme │ │ │ ├── 0-gin-and-microservices-architecture.mdx │ │ │ ├── 1-gin-service-mesh-integration.mdx │ │ │ ├── 10-gin-concurrency-control.mdx │ │ │ ├── 11-gin-memory-management.mdx │ │ │ ├── 12-gin-performance-tuning.mdx │ │ │ ├── 13-gin-source-code-parsing.mdx │ │ │ ├── 2-gin-distributed-system-development.mdx │ │ │ ├── 3-gin-message-queue-integration.mdx │ │ │ ├── 4-gin-task-scheduling.mdx │ │ │ ├── 5-gin-cache-policy.mdx │ │ │ ├── 6-gin-integration-with-grpc.mdx │ │ │ ├── 7-gin-graphql-support.mdx │ │ │ ├── 8-gin-plugin-development.mdx │ │ │ ├── 9-gin-custom-framework-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-gin-best-practices │ │ │ ├── 0-gin-project-structure-specification.mdx │ │ │ ├── 1-gin-code-style-guide.mdx │ │ │ ├── 10-gin-large-project-organization.mdx │ │ │ ├── 11-gin-modular-development.mdx │ │ │ ├── 12-gin-team-collaboration-best-practices.mdx │ │ │ ├── 13-example-of-gin-application.mdx │ │ │ ├── 2-gin-error-handling-strategy.mdx │ │ │ ├── 3-gin-security-best-practices.mdx │ │ │ ├── 4-gin-performance-optimization-guide.mdx │ │ │ ├── 5-recommended-gin-development-tools.mdx │ │ │ ├── 6-resolving-common-problems-with-gin.mdx │ │ │ ├── 7-gin-version-migration-guide.mdx │ │ │ ├── 8-gin-compared-to-other-frameworks.mdx │ │ │ ├── 9-gin-production-environment-checklist.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-gin-response-processing │ │ │ ├── 0-gin-response-type.mdx │ │ │ ├── 1-gin-json-response.mdx │ │ │ ├── 10-gin-compression-response.mdx │ │ │ ├── 11-gin-redirect-response.mdx │ │ │ ├── 12-gin-response-template-rendering.mdx │ │ │ ├── 13-gin-error-response-handling.mdx │ │ │ ├── 2-gin-xml-response.mdx │ │ │ ├── 3-gin-html-response.mdx │ │ │ ├── 4-gin-yaml-response.mdx │ │ │ ├── 5-gin-file-download.mdx │ │ │ ├── 6-gin-response-header-settings.mdx │ │ │ ├── 7-gin-response-status-code.mdx │ │ │ ├── 8-gin-custom-response-format.mdx │ │ │ ├── 9-gin-streaming-response.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-gin-middleware │ │ │ ├── 0-gin-middleware-principle.mdx │ │ │ ├── 1-gin-global-middleware.mdx │ │ │ ├── 10-gin-cache-middleware.mdx │ │ │ ├── 11-gin-custom-middleware.mdx │ │ │ ├── 12-gin-middleware-order.mdx │ │ │ ├── 13-gin-middleware-chain-communication.mdx │ │ │ ├── 2-gin-routing-middleware.mdx │ │ │ ├── 3-gin-group-middleware.mdx │ │ │ ├── 4-gin-built-in-middleware.mdx │ │ │ ├── 5-gin-authentication-middleware.mdx │ │ │ ├── 6-gin-log-middleware.mdx │ │ │ ├── 7-gin-error-recovery-middleware.mdx │ │ │ ├── 8-gin-cors-middleware.mdx │ │ │ ├── 9-gin-throttling-middleware.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-gin-template-rendering │ │ │ ├── 0-gin-template-engine-integration.mdx │ │ │ ├── 1-gin-html-template-base.mdx │ │ │ ├── 10-gin-multi-template-engine-support.mdx │ │ │ ├── 11-gin-template-mixed-response-with-json.mdx │ │ │ ├── 12-data-binding-in-gin-template.mdx │ │ │ ├── 13-gin-template-security.mdx │ │ │ ├── 2-gin-template-syntax.mdx │ │ │ ├── 3-gin-template-function.mdx │ │ │ ├── 4-gin-custom-template-function.mdx │ │ │ ├── 5-gin-template-layout.mdx │ │ │ ├── 6-gin-template-inheritance.mdx │ │ │ ├── 7-gin-template-contains.mdx │ │ │ ├── 8-gin-template-cache.mdx │ │ │ ├── 9-gin-static-resource-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-gin-integration-with-database │ │ │ ├── 0-overview-of-gin-interaction-with-database.mdx │ │ │ ├── 1-gin-connect-mysql.mdx │ │ │ ├── 10-gin-database-migration.mdx │ │ │ ├── 11-gin-and-orm-best-practices.mdx │ │ │ ├── 12-gin-database-security.mdx │ │ │ ├── 13-gin-multi-database-support.mdx │ │ │ ├── 2-gin-connect-postgresql.mdx │ │ │ ├── 3-gin-connection-sqlite.mdx │ │ │ ├── 4-gin-to-mongodb.mdx │ │ │ ├── 5-gin-connect-redis.mdx │ │ │ ├── 6-gin-integration-with-gorm.mdx │ │ │ ├── 7-gin-database-transaction.mdx │ │ │ ├── 8-gin-database-connection-pool.mdx │ │ │ ├── 9-gin-database-query-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-gin-authentication-and-authorization │ │ │ ├── 0-gin-authentication-overview.mdx │ │ │ ├── 1-gin-foundation-certification.mdx │ │ │ ├── 10-gin-security-header.mdx │ │ │ ├── 11-gin-login-throttling.mdx │ │ │ ├── 12-gin-single-sign-on.mdx │ │ │ ├── 13-gin-certification-best-practices.mdx │ │ │ ├── 2-gin-session-management.mdx │ │ │ ├── 3-gin-jwt-implementation.mdx │ │ │ ├── 4-gin-oauth2-integration.mdx │ │ │ ├── 5-gin-user-role-management.mdx │ │ │ ├── 6-gin-permission-control.mdx │ │ │ ├── 7-gin-security-middleware.mdx │ │ │ ├── 8-gin-password-hashing.mdx │ │ │ ├── 9-gin-cross-site-request-for-forgery-protection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-gin-rest-api-development │ │ │ ├── 0-gin-rest-architectural-principles.mdx │ │ │ ├── 1-gin-api-version-control.mdx │ │ │ ├── 10-gin-api-monitoring.mdx │ │ │ ├── 11-gin-cross-domain-resource-sharing.mdx │ │ │ ├── 12-gin-api-safety.mdx │ │ │ ├── 13-gin-api-best-practices.mdx │ │ │ ├── 2-gin-restful-routing-design.mdx │ │ │ ├── 3-gin-resource-representation.mdx │ │ │ ├── 4-gin-status-code-usage.mdx │ │ │ ├── 5-gin-api-document-generation.mdx │ │ │ ├── 6-gin-integration-with-swagger.mdx │ │ │ ├── 7-gin-api-test.mdx │ │ │ ├── 8-gin-api-current-limiting.mdx │ │ │ ├── 9-gin-api-cache.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-gin-websocket │ │ │ ├── 0-gin-websocket-foundation.mdx │ │ │ ├── 1-gin-websocket-handshake.mdx │ │ │ ├── 10-gin-websocket-error-handling.mdx │ │ │ ├── 11-gin-websocket-interacts-with-the-front-end.mdx │ │ │ ├── 12-gin-websocket-sample-app.mdx │ │ │ ├── 13-gin-websocket-best-practices.mdx │ │ │ ├── 2-gin-websocket-message-processing.mdx │ │ │ ├── 3-gin-websocket-connection-management.mdx │ │ │ ├── 4-gin-websocket-broadcast.mdx │ │ │ ├── 5-gin-websocket-heartbeat-detection.mdx │ │ │ ├── 6-gin-websocket-security.mdx │ │ │ ├── 7-gin-websocket-integration-with-redis.mdx │ │ │ ├── 8-gin-websocket-cluster-support.mdx │ │ │ ├── 9-gin-websocket-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-gin-test │ │ │ ├── 0-overview-of-gin-testing.mdx │ │ │ ├── 1-gin-unit-test.mdx │ │ │ ├── 10-gin-test-environment-management.mdx │ │ │ ├── 11-gin-continuous-integration-test.mdx │ │ │ ├── 12-gin-testing-best-practices.mdx │ │ │ ├── 13-gin-test-driven-development.mdx │ │ │ ├── 2-gin-http-test.mdx │ │ │ ├── 3-gin-impersonation-request.mdx │ │ │ ├── 4-gin-test-middleware.mdx │ │ │ ├── 5-gin-test-database-interaction.mdx │ │ │ ├── 6-gin-performance-test.mdx │ │ │ ├── 7-gin-benchmark.mdx │ │ │ ├── 8-gin-test-coverage.mdx │ │ │ ├── 9-gin-test-tool-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── nextjs │ │ ├── 0-nextjs-base │ │ │ ├── 0-introduction-to-nextjs.mdx │ │ │ ├── 1-nextjs-environment-construction.mdx │ │ │ ├── 10-nextjs-global-styles.mdx │ │ │ ├── 11-nextjs-css-module.mdx │ │ │ ├── 12-nextjs-responsive-design.mdx │ │ │ ├── 13-nextjs-first-app.mdx │ │ │ ├── 2-nextjs-project-creation.mdx │ │ │ ├── 3-nextjs-file-structure.mdx │ │ │ ├── 4-nextjs-page-concept.mdx │ │ │ ├── 5-nextjs-routing-basics.mdx │ │ │ ├── 6-nextjs-navigation-link.mdx │ │ │ ├── 7-nextjs-static-resource-handling.mdx │ │ │ ├── 8-nextjs-metadata-management.mdx │ │ │ ├── 9-nextjs-style-base.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-nextjs-routing-system │ │ │ ├── 0-nextjs-file-based-routing.mdx │ │ │ ├── 1-nextjs-dynamic-routing.mdx │ │ │ ├── 10-nextjs-link-component.mdx │ │ │ ├── 11-nextjs-navigation-hooks.mdx │ │ │ ├── 12-nextjs-route-redirection.mdx │ │ │ ├── 13-nextjs404-page-processing.mdx │ │ │ ├── 2-nextjs-routing-parameters.mdx │ │ │ ├── 3-nextjs-nested-routes.mdx │ │ │ ├── 4-nextjs-routing-group.mdx │ │ │ ├── 5-nextjs-parallel-routing.mdx │ │ │ ├── 6-nextjs-blocking-routes.mdx │ │ │ ├── 7-nextjs-insert-routes.mdx │ │ │ ├── 8-nextjs-routing-handler.mdx │ │ │ ├── 9-nextjs-middleware.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-nextjs-internationalization-and-localization │ │ │ ├── 0-nextjs-internationalization-overview.mdx │ │ │ ├── 1-nextjs-multilingual-support.mdx │ │ │ ├── 10-nextjs-seo-multilingual.mdx │ │ │ ├── 11-nextjs-language-detection.mdx │ │ │ ├── 12-nextjs-translation-workflow.mdx │ │ │ ├── 13-nextjs-localization-test.mdx │ │ │ ├── 2-nextjs-next-i18next.mdx │ │ │ ├── 3-nextjs-rosetta.mdx │ │ │ ├── 4-nextjs-date-and-time-formatting.mdx │ │ │ ├── 5-nextjs-digital-and-currency-formatting.mdx │ │ │ ├── 6-nextjs-rtl-support.mdx │ │ │ ├── 7-nextjs-language-switching.mdx │ │ │ ├── 8-nextjs-content-translation.mdx │ │ │ ├── 9-nextjs-routing-internationalization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-nextjs-seo-and-performance-optimization │ │ │ ├── 0-nextjs-seo-foundation.mdx │ │ │ ├── 1-nextjs-meta-tag-management.mdx │ │ │ ├── 10-nextjs-cache-policy.mdx │ │ │ ├── 11-nextjs-lazy-loading.mdx │ │ │ ├── 12-nextjs-preload.mdx │ │ │ ├── 13-nextjs-performance-monitoring.mdx │ │ │ ├── 2-nextjs-sitemap-generation.mdx │ │ │ ├── 3-nextjs-robotstxt.mdx │ │ │ ├── 4-nextjs-structured-data.mdx │ │ │ ├── 5-nextjs-open-graph-protocol.mdx │ │ │ ├── 6-nextjs-twitter-card.mdx │ │ │ ├── 7-nextjs-image-optimization.mdx │ │ │ ├── 8-nextjs-font-optimization.mdx │ │ │ ├── 9-nextjs-code-segmentation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-nextjs-test │ │ │ ├── 0-nextjs-test-overview.mdx │ │ │ ├── 1-nextjs-unit-test.mdx │ │ │ ├── 10-nextjs-test-coverage.mdx │ │ │ ├── 11-nextjs-snapshot-test.mdx │ │ │ ├── 12-nextjs-performance-test.mdx │ │ │ ├── 13-nextjs-continuous-integration-test.mdx │ │ │ ├── 2-nextjs-jest-configuration.mdx │ │ │ ├── 3-nextjs-react-testing-library.mdx │ │ │ ├── 4-nextjs-component-testing.mdx │ │ │ ├── 5-nextjs-api-test.mdx │ │ │ ├── 6-nextjs-end-to-end-testing.mdx │ │ │ ├── 7-nextjs-cypress-integration.mdx │ │ │ ├── 8-nextjs-playwright-integration.mdx │ │ │ ├── 9-nextjs-simulation-data.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-nextjs-deployment-and-devops │ │ │ ├── 0-nextjs-deployment-overview.mdx │ │ │ ├── 1-nextjs-vercel-deployment.mdx │ │ │ ├── 10-nextjs-autoscale.mdx │ │ │ ├── 11-nextjs-cdn-configuration.mdx │ │ │ ├── 12-nextjs-security-best-practices.mdx │ │ │ ├── 13-nextjs-backup-recovery.mdx │ │ │ ├── 2-nextjs-netlify-deployment.mdx │ │ │ ├── 3-nextjs-aws-deployment.mdx │ │ │ ├── 4-nextjs-docker-containerization.mdx │ │ │ ├── 5-nextjs-cicd-process.mdx │ │ │ ├── 6-nextjs-environment-variable-management.mdx │ │ │ ├── 7-nextjs-monitoring-logging.mdx │ │ │ ├── 8-nextjs-performance-analysis.mdx │ │ │ ├── 9-nextjs-error-tracking.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-nextjs-api-integration-with-backend │ │ │ ├── 0-nextjs-api-routing-basics.mdx │ │ │ ├── 1-nextjs-rest-api-design.mdx │ │ │ ├── 10-nextjs-mail-service-integration.mdx │ │ │ ├── 11-nextjs-sms-service-integration.mdx │ │ │ ├── 12-nextjs-api-documentation.mdx │ │ │ ├── 13-nextjs-api-version-control.mdx │ │ │ ├── 2-nextjs-graphql-integration.mdx │ │ │ ├── 3-nextjs-trpc-integration.mdx │ │ │ ├── 4-nextjs-websocket.mdx │ │ │ ├── 5-nextjs-live-app.mdx │ │ │ ├── 6-nextjs-microservices-architecture.mdx │ │ │ ├── 7-nextjs-third-party-api-integration.mdx │ │ │ ├── 8-nextjs-payment-gateway-integration.mdx │ │ │ ├── 9-nextjs-file-storage-service.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-nextjs-premium-theme │ │ │ ├── 0-nextjs-app-catalog-structure.mdx │ │ │ ├── 1-nextjs-custom-server.mdx │ │ │ ├── 10-nextjs-metaframe.mdx │ │ │ ├── 11-nextjs-islands-architecture.mdx │ │ │ ├── 12-how-the-nextjs-server-component-works.mdx │ │ │ ├── 13-nextjs-integration-with-rustgo.mdx │ │ │ ├── 2-nextjs-rendering-principle.mdx │ │ │ ├── 3-nextjs-plugin-system.mdx │ │ │ ├── 4-nextjs-webpack-configuration.mdx │ │ │ ├── 5-nextjs-custom-babel-configuration.mdx │ │ │ ├── 6-nextjs-uses-typescript.mdx │ │ │ ├── 7-nextjs-with-pwa.mdx │ │ │ ├── 8-nextjs-amp-support.mdx │ │ │ ├── 9-nextjs-with-webassembly.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-nextjs-project-practice │ │ │ ├── 0-nextjs-blog-system.mdx │ │ │ ├── 1-nextjs-e-commerce-platform.mdx │ │ │ ├── 10-nextjs-mobile-first-app.mdx │ │ │ ├── 11-nextjs-progressive-web-application.mdx │ │ │ ├── 12-nextjs-full-stack-application-architecture.mdx │ │ │ ├── 13-nextjs-micro-frontend-implementation.mdx │ │ │ ├── 2-nextjs-social-media-application.mdx │ │ │ ├── 3-nextjs-management-background.mdx │ │ │ ├── 4-nextjs-chat-application.mdx │ │ │ ├── 5-nextjs-content-management-system.mdx │ │ │ ├── 6-nextjs-online-learning-platform.mdx │ │ │ ├── 7-nextjs-enterprise-official-website.mdx │ │ │ ├── 8-nextjs-multi-tenant-saas.mdx │ │ │ ├── 9-nextjs-data-visualization-application.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-nextjs-ecosystem │ │ │ ├── 0-nextjs-community-resources.mdx │ │ │ ├── 1-nextjs-best-practices.mdx │ │ │ ├── 10-nextjs-scaffolding-tool.mdx │ │ │ ├── 11-nextjs-code-generator.mdx │ │ │ ├── 12-nextjs-performance-analysis-tool.mdx │ │ │ ├── 13-future-development-trend-of-nextjs.mdx │ │ │ ├── 2-nextjs-design-patterns.mdx │ │ │ ├── 3-nextjs-common-problems-solved.mdx │ │ │ ├── 4-nextjs-upgrade-strategy.mdx │ │ │ ├── 5-nextjs-and-react-ecosystem.mdx │ │ │ ├── 6-nextjs-and-vercel-platform.mdx │ │ │ ├── 7-nextjs-development-tools.mdx │ │ │ ├── 8-nextjs-browser-extension.mdx │ │ │ ├── 9-nextjs-vscode-plugin.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-nextjs-rendering-strategy │ │ │ ├── 0-nextjs-rendering-overview.mdx │ │ │ ├── 1-nextjs-client-component.mdx │ │ │ ├── 10-nextjs-dynamic-import.mdx │ │ │ ├── 11-nextjs-code-segmentation.mdx │ │ │ ├── 12-nextjs-lazy-loading.mdx │ │ │ ├── 13-nextjs-performance-optimization.mdx │ │ │ ├── 2-nextjs-server-component.mdx │ │ │ ├── 3-nextjs-static-site-generation-ssg.mdx │ │ │ ├── 4-nextjs-server-side-rendering-ssr.mdx │ │ │ ├── 5-nextjs-incremental-static-regeneration-isr.mdx │ │ │ ├── 6-nextjs-client-data-acquisition.mdx │ │ │ ├── 7-nextjs-server-side-data-acquisition.mdx │ │ │ ├── 8-nextjs-hybrid-rendering.mdx │ │ │ ├── 9-nextjs-static-export.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-nextjs-data-acquisition │ │ │ ├── 0-nextjs-data-acquisition-overview.mdx │ │ │ ├── 1-nextjs-server-operation.mdx │ │ │ ├── 10-nextjs-react-query.mdx │ │ │ ├── 11-nextjs-data-flow-management.mdx │ │ │ ├── 12-nextjs-websocket-integration.mdx │ │ │ ├── 13-nextjs-graphql-integration.mdx │ │ │ ├── 2-nextjs-api-routing.mdx │ │ │ ├── 3-nextjs-fetch-api.mdx │ │ │ ├── 4-nextjs-caching-mechanism.mdx │ │ │ ├── 5-nextjs-revalidation-strategy.mdx │ │ │ ├── 6-nextjs-route-handler.mdx │ │ │ ├── 7-nextjs-dynamic-api-routing.mdx │ │ │ ├── 8-nextjs-external-api-integration.mdx │ │ │ ├── 9-nextjs-swr-hooks.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-nextjs-status-management │ │ │ ├── 0-nextjs-status-management-overview.mdx │ │ │ ├── 1-nextjs-react-context.mdx │ │ │ ├── 10-nextjs-cookie-processing.mdx │ │ │ ├── 11-nextjs-localstorage-and-sessionstorage.mdx │ │ │ ├── 12-nextjs-state-synchronization.mdx │ │ │ ├── 13-nextjs-status-debugging.mdx │ │ │ ├── 2-nextjs-redux-integration.mdx │ │ │ ├── 3-nextjs-zustand.mdx │ │ │ ├── 4-nextjs-jotai.mdx │ │ │ ├── 5-nextjs-recoil.mdx │ │ │ ├── 6-nextjs-state-persistence.mdx │ │ │ ├── 7-nextjs-server-status.mdx │ │ │ ├── 8-nextjs-client-status.mdx │ │ │ ├── 9-nextjs-session-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-nextjs-style-solution │ │ │ ├── 0-nextjs-style-scheme-overview.mdx │ │ │ ├── 1-nextjs-global-css.mdx │ │ │ ├── 10-nextjs-bootstrap-integration.mdx │ │ │ ├── 11-nextjs-theme-switching.mdx │ │ │ ├── 12-nextjs-responsive-layout.mdx │ │ │ ├── 13-nextjs-animation-effect.mdx │ │ │ ├── 2-nextjs-css-module.mdx │ │ │ ├── 3-nextjs-sassscss-integration.mdx │ │ │ ├── 4-nextjs-css-in-js.mdx │ │ │ ├── 5-nextjs-styled-components.mdx │ │ │ ├── 6-nextjs-emotion.mdx │ │ │ ├── 7-nextjs-tailwind-css-integration.mdx │ │ │ ├── 8-nextjs-material-ui-integration.mdx │ │ │ ├── 9-nextjs-ant-design-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-nextjs-form-processing │ │ │ ├── 0-nextjs-form-basics.mdx │ │ │ ├── 1-nextjs-controlled-components.mdx │ │ │ ├── 10-nextjs-dynamic-form.mdx │ │ │ ├── 11-nextjs-form-state-management.mdx │ │ │ ├── 12-nextjs-form-submission.mdx │ │ │ ├── 13-nextjs-form-error-handling.mdx │ │ │ ├── 2-nextjs-uncontrolled-components.mdx │ │ │ ├── 3-nextjs-form-validation.mdx │ │ │ ├── 4-nextjs-react-hook-form.mdx │ │ │ ├── 5-nextjs-formik-integration.mdx │ │ │ ├── 6-nextjs-yup-verification.mdx │ │ │ ├── 7-nextjs-zod-validation.mdx │ │ │ ├── 8-nextjs-file-upload.mdx │ │ │ ├── 9-nextjs-multi-step-form.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-nextjs-authentication-and-authorization │ │ │ ├── 0-nextjs-authentication-overview.mdx │ │ │ ├── 1-nextjs-nextauthjs.mdx │ │ │ ├── 10-nextjs-password-reset.mdx │ │ │ ├── 11-nextjs-multi-factor-authentication.mdx │ │ │ ├── 12-nextjs-permission-management.mdx │ │ │ ├── 13-nextjs-security-best-practices.mdx │ │ │ ├── 2-nextjs-jwt-authentication.mdx │ │ │ ├── 3-nextjs-oauth-integration.mdx │ │ │ ├── 4-nextjs-social-login.mdx │ │ │ ├── 5-nextjs-role-based-access-control.mdx │ │ │ ├── 6-nextjs-protect-routing.mdx │ │ │ ├── 7-nextjs-middleware-authentication.mdx │ │ │ ├── 8-nextjs-session-management.mdx │ │ │ ├── 9-nextjs-user-registration-process.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-nextjs-database-integration │ │ │ ├── 0-nextjs-database-overview.mdx │ │ │ ├── 1-nextjs-with-prisma.mdx │ │ │ ├── 10-nextjs-transaction-processing.mdx │ │ │ ├── 11-nextjs-data-relationship-management.mdx │ │ │ ├── 12-nextjs-database-connection-pool.mdx │ │ │ ├── 13-nextjs-database-security.mdx │ │ │ ├── 2-nextjs-with-mongodb.mdx │ │ │ ├── 3-nextjs-with-mysqlpostgresql.mdx │ │ │ ├── 4-nextjs-with-firebase.mdx │ │ │ ├── 5-nextjs-with-supabase.mdx │ │ │ ├── 6-nextjs-with-planetscale.mdx │ │ │ ├── 7-nextjs-data-model-design.mdx │ │ │ ├── 8-nextjs-database-migration.mdx │ │ │ ├── 9-nextjs-database-query-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-nextjs-advanced-components │ │ │ ├── 0-nextjs-component-design-pattern.mdx │ │ │ ├── 1-nextjs-advanced-components-hoc.mdx │ │ │ ├── 10-nextjs-component-library-development.mdx │ │ │ ├── 11-nextjs-component-testing.mdx │ │ │ ├── 12-nextjs-component-documentation.mdx │ │ │ ├── 13-nextjs-accessibility-a11y.mdx │ │ │ ├── 2-nextjs-custom-hooks.mdx │ │ │ ├── 3-nextjs-composite-components.mdx │ │ │ ├── 4-nextjs-context-provider.mdx │ │ │ ├── 5-nextjs-rendering-properties.mdx │ │ │ ├── 6-nextjs-error-boundary.mdx │ │ │ ├── 7-nextjs-lazy-loading-components.mdx │ │ │ ├── 8-nextjs-portal-component.mdx │ │ │ ├── 9-nextjs-dynamic-components.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── react │ │ ├── 0-react-basics │ │ │ ├── 0-react-introduction.mdx │ │ │ ├── 1-react-development-environment-setup.mdx │ │ │ ├── 10-list-rendering-and-keys.mdx │ │ │ ├── 11-form-processing-basics.mdx │ │ │ ├── 12-react-component-style.mdx │ │ │ ├── 13-react-developer-tools.mdx │ │ │ ├── 2-jsx-syntax-basics.mdx │ │ │ ├── 3-react-elements-and-components.mdx │ │ │ ├── 4-function-components-and-class-components.mdx │ │ │ ├── 5-react-component-life-cycle.mdx │ │ │ ├── 6-react-props.mdx │ │ │ ├── 7-react-state.mdx │ │ │ ├── 8-event-handling-basics.mdx │ │ │ ├── 9-conditional-rendering.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-react-component-advanced │ │ │ ├── 0-component-combination-and-reuse.mdx │ │ │ ├── 1-component-communication-method.mdx │ │ │ ├── 10-error-boundary-handling.mdx │ │ │ ├── 11-reactfragment.mdx │ │ │ ├── 12-reactmemo-optimization.mdx │ │ │ ├── 13-portals.mdx │ │ │ ├── 2-parent-child-component-communication.mdx │ │ │ ├── 3-brother-component-communication.mdx │ │ │ ├── 4-cross-level-component-communication.mdx │ │ │ ├── 5-refs-and-dom.mdx │ │ │ ├── 6-uncontrolled-and-controlled-components.mdx │ │ │ ├── 7-higher-order-component-hoc.mdx │ │ │ ├── 8-render-props-pattern.mdx │ │ │ ├── 9-react-component-lazy-loading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-react-server-rendering │ │ │ ├── 0-server-side-rendering-overview.mdx │ │ │ ├── 1-nextjs-framework-basics.mdx │ │ │ ├── 10-hybrid-rendering-strategy.mdx │ │ │ ├── 11-seo-optimization-tips.mdx │ │ │ ├── 12-performance-and-caching-strategies.mdx │ │ │ ├── 13-deployment-and-hosting.mdx │ │ │ ├── 2-nextjs-routing-system.mdx │ │ │ ├── 3-nextjs-data-acquisition.mdx │ │ │ ├── 4-nextjs-static-generation.mdx │ │ │ ├── 5-nextjs-incremental-static-regeneration.mdx │ │ │ ├── 6-nextjs-api-routing.mdx │ │ │ ├── 7-nextjs-middleware.mdx │ │ │ ├── 8-gatsby-static-site.mdx │ │ │ ├── 9-server-side-components.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-react-and-typescript │ │ │ ├── 0-typescript-basics.mdx │ │ │ ├── 1-react-and-typescript-integration.mdx │ │ │ ├── 10-typescript-configuration-optimization.mdx │ │ │ ├── 11-type-safety-in-practice.mdx │ │ │ ├── 12-type-error-debugging.mdx │ │ │ ├── 13-typescript-migration-strategy.mdx │ │ │ ├── 2-component-type-definition.mdx │ │ │ ├── 3-props-type-declaration.mdx │ │ │ ├── 4-event-type-handling.mdx │ │ │ ├── 5-hooks-and-typescript.mdx │ │ │ ├── 6-generic-component-development.mdx │ │ │ ├── 7-advanced-type-techniques.mdx │ │ │ ├── 8-type-assertion-usage.mdx │ │ │ ├── 9-third-party-library-type-declarations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-react-engineering │ │ │ ├── 0-front-end-engineering-overview.mdx │ │ │ ├── 1-create-react-app.mdx │ │ │ ├── 10-version-control-strategy.mdx │ │ │ ├── 11-dependency-management.mdx │ │ │ ├── 12-micro-frontend-architecture.mdx │ │ │ ├── 13-engineering-best-practices.mdx │ │ │ ├── 2-vite-build-tool.mdx │ │ │ ├── 3-webpack-configuration.mdx │ │ │ ├── 4-babel-configuration.mdx │ │ │ ├── 5-eslint-code-checking.mdx │ │ │ ├── 6-prettier-code-formatting.mdx │ │ │ ├── 7-git-workflow.mdx │ │ │ ├── 8-cicd-integration.mdx │ │ │ ├── 9-environment-variable-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-react-state-synchronization-and-caching │ │ │ ├── 0-client-state-vs-server-state.mdx │ │ │ ├── 1-swr-data-acquisition.mdx │ │ │ ├── 10-real-time-data-updates.mdx │ │ │ ├── 11-request-deduplication-and-merging.mdx │ │ │ ├── 12-state-reset-strategy.mdx │ │ │ ├── 13-caching-best-practices.mdx │ │ │ ├── 2-react-query-cache.mdx │ │ │ ├── 3-optimistic-ui-updates.mdx │ │ │ ├── 4-state-persistence.mdx │ │ │ ├── 5-cache-invalidation-strategy.mdx │ │ │ ├── 6-data-prefetching-and-background-synchronization.mdx │ │ │ ├── 7-offline-mode-support.mdx │ │ │ ├── 8-synchronization-conflict-handling.mdx │ │ │ ├── 9-state-rollback-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-react-ecosystem │ │ │ ├── 0-react-ecosystem-overview.mdx │ │ │ ├── 1-data-visualization-libraries.mdx │ │ │ ├── 10-webassembly-integration.mdx │ │ │ ├── 11-3d-and-webgl-integration.mdx │ │ │ ├── 12-arvr-technology-integration.mdx │ │ │ ├── 13-ai-function-integration.mdx │ │ │ ├── 2-drag-and-drop-function-implementation.mdx │ │ │ ├── 3-virtual-scrolling-list.mdx │ │ │ ├── 4-date-and-time-handling.mdx │ │ │ ├── 5-international-multi-language-support.mdx │ │ │ ├── 6-react-native-for-mobile.mdx │ │ │ ├── 7-pwa-application-development.mdx │ │ │ ├── 8-electron-desktop-app.mdx │ │ │ ├── 9-micro-frontend-applications.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-react-design-patterns │ │ │ ├── 0-react-design-pattern-overview.mdx │ │ │ ├── 1-combination-mode.mdx │ │ │ ├── 10-singleton-pattern.mdx │ │ │ ├── 11-adapter-pattern.mdx │ │ │ ├── 12-strategy-pattern.mdx │ │ │ ├── 13-practical-application-of-design-patterns.mdx │ │ │ ├── 2-container-display-mode.mdx │ │ │ ├── 3-provider-pattern.mdx │ │ │ ├── 4-composite-component-pattern.mdx │ │ │ ├── 5-custom-hooks-mode.mdx │ │ │ ├── 6-command-mode.mdx │ │ │ ├── 7-factory-pattern.mdx │ │ │ ├── 8-proxy-mode.mdx │ │ │ ├── 9-publish-subscribe-model.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-react-security │ │ │ ├── 0-react-security-overview.mdx │ │ │ ├── 1-xss-attack-prevention.mdx │ │ │ ├── 10-security-http-header-configuration.mdx │ │ │ ├── 11-content-security-policy.mdx │ │ │ ├── 12-security-audit-tools.mdx │ │ │ ├── 13-security-best-practices.mdx │ │ │ ├── 2-csrf-protection.mdx │ │ │ ├── 3-state-management-security.mdx │ │ │ ├── 4-third-party-dependency-security.mdx │ │ │ ├── 5-input-validation-and-filtering.mdx │ │ │ ├── 6-identity-authentication-security.mdx │ │ │ ├── 7-authorization-and-permission-control.mdx │ │ │ ├── 8-sensitive-data-handling.mdx │ │ │ ├── 9-api-security-call.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-react-best-practices │ │ │ ├── 0-file-structure-organization.mdx │ │ │ ├── 1-naming-conventions.mdx │ │ │ ├── 10-refactoring-tips.mdx │ │ │ ├── 11-project-documentation-maintenance.mdx │ │ │ ├── 12-version-upgrade-strategy.mdx │ │ │ ├── 13-best-practices-for-team-collaboration.mdx │ │ │ ├── 2-component-design-principles.mdx │ │ │ ├── 3-coding-style-guide.mdx │ │ │ ├── 4-performance-optimization-checklist.mdx │ │ │ ├── 5-accessibility-a11y-principles.mdx │ │ │ ├── 6-seo-optimization-suggestions.mdx │ │ │ ├── 7-error-handling-strategy.mdx │ │ │ ├── 8-logging-and-monitoring.mdx │ │ │ ├── 9-code-review-guidelines.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-react-hooks │ │ │ ├── 0-introduction-to-hooks.mdx │ │ │ ├── 1-usestate-hook.mdx │ │ │ ├── 10-hooks-performance-optimization.mdx │ │ │ ├── 11-hooks-faq.mdx │ │ │ ├── 12-migrate-class-components-to-hooks.mdx │ │ │ ├── 13-hooks-best-practices.mdx │ │ │ ├── 2-useeffect-hook.mdx │ │ │ ├── 3-usecontext-hook.mdx │ │ │ ├── 4-usereducer-hook.mdx │ │ │ ├── 5-usecallback-hook.mdx │ │ │ ├── 6-usememo-hook.mdx │ │ │ ├── 7-useref-hook.mdx │ │ │ ├── 8-custom-hooks-development.mdx │ │ │ ├── 9-rules-for-using-hooks.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-react-state-management │ │ │ ├── 0-react-state-management-overview.mdx │ │ │ ├── 1-context-api-basics.mdx │ │ │ ├── 10-react-query-data-acquisition.mdx │ │ │ ├── 11-zustand-state-management.mdx │ │ │ ├── 12-recoil-atomic-state.mdx │ │ │ ├── 13-state-management-solution-selection.mdx │ │ │ ├── 2-advanced-usage-of-context-api.mdx │ │ │ ├── 3-redux-basic-concepts.mdx │ │ │ ├── 4-redux-workflow.mdx │ │ │ ├── 5-redux-middleware.mdx │ │ │ ├── 6-redux-asynchronous-operation.mdx │ │ │ ├── 7-getting-started-with-redux-toolkit.mdx │ │ │ ├── 8-redux-development-tools.mdx │ │ │ ├── 9-mobx-state-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-react-routing │ │ │ ├── 0-react-routing-overview.mdx │ │ │ ├── 1-react-router-installation-configuration.mdx │ │ │ ├── 10-routing-and-state-synchronization.mdx │ │ │ ├── 11-url-parameter-processing.mdx │ │ │ ├── 12-routing-authentication.mdx │ │ │ ├── 13-routing-best-practices.mdx │ │ │ ├── 2-basic-routing-usage.mdx │ │ │ ├── 3-dynamic-routing-parameters.mdx │ │ │ ├── 4-nested-routes.mdx │ │ │ ├── 5-programmatic-navigation.mdx │ │ │ ├── 6-route-guard.mdx │ │ │ ├── 7-lazy-loading-routes.mdx │ │ │ ├── 8-routing-transition-animation.mdx │ │ │ ├── 9-404-page-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-react-form-processing │ │ │ ├── 0-form-processing-basics.mdx │ │ │ ├── 1-controlled-component-form.mdx │ │ │ ├── 10-file-upload-processing.mdx │ │ │ ├── 11-rich-text-editor-integration.mdx │ │ │ ├── 12-form-state-management.mdx │ │ │ ├── 13-form-best-practices.mdx │ │ │ ├── 2-uncontrolled-component-form.mdx │ │ │ ├── 3-form-validation-basics.mdx │ │ │ ├── 4-form-submission-processing.mdx │ │ │ ├── 5-form-reset-and-default-values.mdx │ │ │ ├── 6-complex-form-processing.mdx │ │ │ ├── 7-formik-form-library.mdx │ │ │ ├── 8-react-hook-form.mdx │ │ │ ├── 9-form-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-react-style-and-ui │ │ │ ├── 0-react-style-scheme-overview.mdx │ │ │ ├── 1-inline-styles.mdx │ │ │ ├── 10-material-ui-component-library.mdx │ │ │ ├── 11-ant-design-component-library.mdx │ │ │ ├── 12-custom-ui-component-library.mdx │ │ │ ├── 13-mobile-terminal-adaptation.mdx │ │ │ ├── 2-css-modularity.mdx │ │ │ ├── 3-styled-components.mdx │ │ │ ├── 4-emotion-style-library.mdx │ │ │ ├── 5-tailwind-css-integration.mdx │ │ │ ├── 6-css-in-js-solution.mdx │ │ │ ├── 7-theme-switching-implementation.mdx │ │ │ ├── 8-responsive-design.mdx │ │ │ ├── 9-animation-effect-realization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-react-performance-optimization │ │ │ ├── 0-react-performance-optimization-overview.mdx │ │ │ ├── 1-component-re-rendering-optimization.mdx │ │ │ ├── 10-web-workers-usage.mdx │ │ │ ├── 11-memory-leak-detection.mdx │ │ │ ├── 12-large-application-performance-optimization.mdx │ │ │ ├── 13-best-practices-for-performance-optimization.mdx │ │ │ ├── 2-reactmemo-usage.mdx │ │ │ ├── 3-usememo-and-usecallback-optimization.mdx │ │ │ ├── 4-virtual-list-implementation.mdx │ │ │ ├── 5-lazy-loading-of-images.mdx │ │ │ ├── 6-code-splitting-and-lazy-loading.mdx │ │ │ ├── 7-server-side-rendering-performance.mdx │ │ │ ├── 8-performance-analysis-tools.mdx │ │ │ ├── 9-anti-shake-and-throttling-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-react-testing │ │ │ ├── 0-react-testing-overview.mdx │ │ │ ├── 1-jest-testing-framework.mdx │ │ │ ├── 10-redux-testing.mdx │ │ │ ├── 11-end-to-end-testing.mdx │ │ │ ├── 12-test-coverage.mdx │ │ │ ├── 13-testing-best-practices.mdx │ │ │ ├── 2-react-testing-library.mdx │ │ │ ├── 3-component-unit-testing.mdx │ │ │ ├── 4-event-testing.mdx │ │ │ ├── 5-testing-hooks.mdx │ │ │ ├── 6-asynchronous-operation-testing.mdx │ │ │ ├── 7-snapshot-testing.mdx │ │ │ ├── 8-simulating-api-requests.mdx │ │ │ ├── 9-routing-test.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-react-interacts-with-the-api │ │ │ ├── 0-front-end-and-back-end-interaction-basis.mdx │ │ │ ├── 1-fetch-api-usage.mdx │ │ │ ├── 10-local-data-persistence.mdx │ │ │ ├── 11-cross-domain-problem-solving.mdx │ │ │ ├── 12-api-request-status-management.mdx │ │ │ ├── 13-api-interaction-best-practices.mdx │ │ │ ├── 2-axios-library-usage.mdx │ │ │ ├── 3-restful-api-interaction.mdx │ │ │ ├── 4-graphql-basics.mdx │ │ │ ├── 5-apollo-client-usage.mdx │ │ │ ├── 6-request-caching-strategy.mdx │ │ │ ├── 7-error-handling-mechanism.mdx │ │ │ ├── 8-authentication-and-authorization.mdx │ │ │ ├── 9-websocket-real-time-communication.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── spring │ │ ├── 0-spring-foundation │ │ │ ├── 0-introduction-to-spring.mdx │ │ │ ├── 1-spring-development-history.mdx │ │ │ ├── 10-spring-version-features.mdx │ │ │ ├── 11-spring-ecosystem.mdx │ │ │ ├── 12-spring-learning-route.mdx │ │ │ ├── 13-spring-faq.mdx │ │ │ ├── 2-spring-core-features.mdx │ │ │ ├── 3-spring-architecture-overview.mdx │ │ │ ├── 4-spring-environment-construction.mdx │ │ │ ├── 5-spring-first-app.mdx │ │ │ ├── 6-spring-configuration-method.mdx │ │ │ ├── 7-composition-of-spring-modules.mdx │ │ │ ├── 8-spring-application-scenarios.mdx │ │ │ ├── 9-spring-vs-ejb.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-spring-ioc-container │ │ │ ├── 0-spring-ioc-concept.mdx │ │ │ ├── 1-spring-bean-definition.mdx │ │ │ ├── 10-spring-javaconfig.mdx │ │ │ ├── 11-spring-container-extension-point.mdx │ │ │ ├── 12-spring-conditional-assembly.mdx │ │ │ ├── 13-spring-loop-dependency.mdx │ │ │ ├── 2-spring-bean-scope.mdx │ │ │ ├── 3-spring-bean-lifecycle.mdx │ │ │ ├── 4-spring-dependency-injection.mdx │ │ │ ├── 5-spring-constructor-injection.mdx │ │ │ ├── 6-spring-attribute-injection.mdx │ │ │ ├── 7-spring-automatic-assembly.mdx │ │ │ ├── 8-spring-configuration-file.mdx │ │ │ ├── 9-spring-annotation-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-spring-boot │ │ │ ├── 0-introduction-to-spring-boot.mdx │ │ │ ├── 1-spring-boot-characteristic.mdx │ │ │ ├── 10-spring-boot-test.mdx │ │ │ ├── 11-spring-boot-monitoring.mdx │ │ │ ├── 12-spring-boot-deployment.mdx │ │ │ ├── 13-spring-boot-ecology.mdx │ │ │ ├── 2-spring-boot-quick-start.mdx │ │ │ ├── 3-spring-boot-configuration.mdx │ │ │ ├── 4-spring-boot-start-dependency.mdx │ │ │ ├── 5-spring-boot-autoconfiguration.mdx │ │ │ ├── 6-spring-boot-external-configuration.mdx │ │ │ ├── 7-spring-boot-profiles.mdx │ │ │ ├── 8-spring-boot-log.mdx │ │ │ ├── 9-spring-boot-web-development.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-spring-security │ │ │ ├── 0-spring-security-overview.mdx │ │ │ ├── 1-spring-security-architecture.mdx │ │ │ ├── 10-spring-oauth2.mdx │ │ │ ├── 11-spring-jwt.mdx │ │ │ ├── 12-spring-csrf-protection.mdx │ │ │ ├── 13-spring-security-best-practices.mdx │ │ │ ├── 2-spring-security-configuration.mdx │ │ │ ├── 3-spring-certification-process.mdx │ │ │ ├── 4-spring-authorization-process.mdx │ │ │ ├── 5-spring-user-storage.mdx │ │ │ ├── 6-spring-password-encoding.mdx │ │ │ ├── 7-spring-form-login.mdx │ │ │ ├── 8-spring-role-based-control.mdx │ │ │ ├── 9-spring-method-level-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-spring-cloud │ │ │ ├── 0-spring-cloud-overview.mdx │ │ │ ├── 1-spring-cloud-configuration-center.mdx │ │ │ ├── 10-spring-cloud-security.mdx │ │ │ ├── 11-spring-cloud-deployment.mdx │ │ │ ├── 12-spring-cloud-monitoring.mdx │ │ │ ├── 13-spring-cloud-best-practices.mdx │ │ │ ├── 2-spring-cloud-service-discovery.mdx │ │ │ ├── 3-spring-cloud-load-balancing.mdx │ │ │ ├── 4-spring-cloud-fuse.mdx │ │ │ ├── 5-spring-cloud-gateway.mdx │ │ │ ├── 6-spring-cloud-link-tracing.mdx │ │ │ ├── 7-spring-cloud-message-bus.mdx │ │ │ ├── 8-spring-cloud-stream.mdx │ │ │ ├── 9-spring-cloud-task.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-spring-data │ │ │ ├── 0-overview-of-spring-data.mdx │ │ │ ├── 1-spring-data-jpa.mdx │ │ │ ├── 10-spring-audit.mdx │ │ │ ├── 11-spring-data-projection.mdx │ │ │ ├── 12-spring-relation-mapping.mdx │ │ │ ├── 13-spring-data-event.mdx │ │ │ ├── 2-spring-data-mongodb.mdx │ │ │ ├── 3-spring-data-redis.mdx │ │ │ ├── 4-spring-data-elasticsearch.mdx │ │ │ ├── 5-spring-data-rest.mdx │ │ │ ├── 6-spring-data-query.mdx │ │ │ ├── 7-spring-specification-query.mdx │ │ │ ├── 8-spring-named-query.mdx │ │ │ ├── 9-spring-pagination-sorting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-spring-test │ │ │ ├── 0-spring-test-framework.mdx │ │ │ ├── 1-spring-unit-test.mdx │ │ │ ├── 10-spring-test-slice.mdx │ │ │ ├── 11-spring-test-configuration.mdx │ │ │ ├── 12-spring-testing-best-practices.mdx │ │ │ ├── 13-spring-tdd-development.mdx │ │ │ ├── 2-spring-integration-test.mdx │ │ │ ├── 3-spring-mock-object.mdx │ │ │ ├── 4-spring-test-context.mdx │ │ │ ├── 5-spring-webmvc-test.mdx │ │ │ ├── 6-spring-rest-test.mdx │ │ │ ├── 7-spring-database-test.mdx │ │ │ ├── 8-spring-transaction-test.mdx │ │ │ ├── 9-spring-cache-test.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-spring-cache │ │ │ ├── 0-spring-cache-abstraction.mdx │ │ │ ├── 1-spring-cacheable.mdx │ │ │ ├── 10-spring-cache-condition.mdx │ │ │ ├── 11-spring-cache-sync.mdx │ │ │ ├── 12-spring-cache-statistics.mdx │ │ │ ├── 13-spring-caching-best-practices.mdx │ │ │ ├── 2-spring-cacheput.mdx │ │ │ ├── 3-spring-cacheevict.mdx │ │ │ ├── 4-spring-caching.mdx │ │ │ ├── 5-spring-cache-manager.mdx │ │ │ ├── 6-spring-ehcache-integration.mdx │ │ │ ├── 7-spring-redis-cache.mdx │ │ │ ├── 8-spring-caffeine-cache.mdx │ │ │ ├── 9-spring-cache-key-generation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-spring-message │ │ │ ├── 0-spring-message-overview.mdx │ │ │ ├── 1-spring-jms-support.mdx │ │ │ ├── 10-spring-message-retry.mdx │ │ │ ├── 11-spring-message-transaction.mdx │ │ │ ├── 12-spring-websocket.mdx │ │ │ ├── 13-spring-stomp.mdx │ │ │ ├── 2-spring-amqp-support.mdx │ │ │ ├── 3-spring-rabbitmq-integration.mdx │ │ │ ├── 4-spring-kafka-integration.mdx │ │ │ ├── 5-spring-message-listener.mdx │ │ │ ├── 6-spring-message-converter.mdx │ │ │ ├── 7-spring-message-header.mdx │ │ │ ├── 8-spring-message-routing.mdx │ │ │ ├── 9-spring-message-confirmation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-spring-advanced-features │ │ │ ├── 0-spring-event-mechanism.mdx │ │ │ ├── 1-spring-resource-abstraction.mdx │ │ │ ├── 10-spring-element-annotation.mdx │ │ │ ├── 11-spring-condition-annotation.mdx │ │ │ ├── 12-spring-property-source.mdx │ │ │ ├── 13-spring-reactive-programming.mdx │ │ │ ├── 2-spring-environment-abstraction.mdx │ │ │ ├── 3-spring-task-scheduling.mdx │ │ │ ├── 4-spring-asynchronous-processing.mdx │ │ │ ├── 5-spring-spel-expression.mdx │ │ │ ├── 6-spring-internationalization-advanced.mdx │ │ │ ├── 7-spring-validation-framework.mdx │ │ │ ├── 8-spring-formatting.mdx │ │ │ ├── 9-spring-type-conversion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-spring-bean-management │ │ │ ├── 0-detailed-explanation-of-the-definition-of-spring-bean.mdx │ │ │ ├── 1-spring-bean-naming.mdx │ │ │ ├── 10-spring-inherited-bean.mdx │ │ │ ├── 11-spring-dependency-check.mdx │ │ │ ├── 12-spring-metadata-configuration.mdx │ │ │ ├── 13-spring-bean-registration.mdx │ │ │ ├── 2-spring-bean-instantiation.mdx │ │ │ ├── 3-spring-bean-alias.mdx │ │ │ ├── 4-spring-bean-lazy-loading.mdx │ │ │ ├── 5-spring-bean-initialization.mdx │ │ │ ├── 6-spring-bean-destruction.mdx │ │ │ ├── 7-spring-bean-post-processor.mdx │ │ │ ├── 8-spring-factory-bean.mdx │ │ │ ├── 9-spring-nested-bean.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-spring-annotation-development │ │ │ ├── 0-spring-annotation-driven.mdx │ │ │ ├── 1-spring-component-scanning.mdx │ │ │ ├── 10-spring-value.mdx │ │ │ ├── 11-spring-scope.mdx │ │ │ ├── 12-spring-profile.mdx │ │ │ ├── 13-spring-custom-annotation.mdx │ │ │ ├── 2-spring-component.mdx │ │ │ ├── 3-spring-service.mdx │ │ │ ├── 4-spring-repository.mdx │ │ │ ├── 5-spring-controller.mdx │ │ │ ├── 6-spring-configuration.mdx │ │ │ ├── 7-spring-bean.mdx │ │ │ ├── 8-spring-autowired.mdx │ │ │ ├── 9-spring-qualifier.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-spring-aop │ │ │ ├── 0-spring-aop-concept.mdx │ │ │ ├── 1-spring-aop-terminology.mdx │ │ │ ├── 10-spring-introduction-notice.mdx │ │ │ ├── 11-spring-xml-configuration-aop.mdx │ │ │ ├── 12-spring-annotation-configuration-aop.mdx │ │ │ ├── 13-spring-aop-best-practices.mdx │ │ │ ├── 2-spring-aop-proxy.mdx │ │ │ ├── 3-spring-aop-implementation.mdx │ │ │ ├── 4-spring-tangent-expression.mdx │ │ │ ├── 5-spring-notification-type.mdx │ │ │ ├── 6-spring-pre-notification.mdx │ │ │ ├── 7-spring-post-notification.mdx │ │ │ ├── 8-spring-wrap-notification.mdx │ │ │ ├── 9-spring-exception-notification.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-spring-data-access │ │ │ ├── 0-introduction-to-spring-jdbc.mdx │ │ │ ├── 1-spring-jdbctemplate.mdx │ │ │ ├── 10-spring-exception-handling.mdx │ │ │ ├── 11-spring-batch.mdx │ │ │ ├── 12-spring-data-access-template.mdx │ │ │ ├── 13-spring-multiple-data-sources.mdx │ │ │ ├── 2-spring-transaction-management.mdx │ │ │ ├── 3-spring-declarative-transaction.mdx │ │ │ ├── 4-spring-programming-transaction.mdx │ │ │ ├── 5-spring-transaction-propagation.mdx │ │ │ ├── 6-spring-transaction-isolation-level.mdx │ │ │ ├── 7-spring-transaction-timeout.mdx │ │ │ ├── 8-spring-transaction-rollback-rule.mdx │ │ │ ├── 9-spring-dao-support.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-spring-orm-integration │ │ │ ├── 0-spring-orm-overview.mdx │ │ │ ├── 1-spring-integration-hibernate.mdx │ │ │ ├── 10-spring-pessimistic-lock.mdx │ │ │ ├── 11-spring-lazy-loading.mdx │ │ │ ├── 12-spring-cascade-operation.mdx │ │ │ ├── 13-spring-orm-best-practices.mdx │ │ │ ├── 2-spring-integration-jpa.mdx │ │ │ ├── 3-spring-integrates-with-mybatis.mdx │ │ │ ├── 4-spring-entitymanager.mdx │ │ │ ├── 5-spring-session-management.mdx │ │ │ ├── 6-spring-object-relationship-mapping.mdx │ │ │ ├── 7-spring-query-optimization.mdx │ │ │ ├── 8-spring-cache-policy.mdx │ │ │ ├── 9-spring-optimistic-lock.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-spring-mvc │ │ │ ├── 0-spring-mvc-architecture.mdx │ │ │ ├── 1-spring-mvc-configuration.mdx │ │ │ ├── 10-spring-message-conversion.mdx │ │ │ ├── 11-spring-rest-support.mdx │ │ │ ├── 12-spring-mvc-blocker.mdx │ │ │ ├── 13-spring-mvc-exception-handling.mdx │ │ │ ├── 2-spring-controller.mdx │ │ │ ├── 3-spring-request-mapping.mdx │ │ │ ├── 4-spring-request-parameters.mdx │ │ │ ├── 5-spring-form-processing.mdx │ │ │ ├── 6-spring-form-validation.mdx │ │ │ ├── 7-spring-file-upload.mdx │ │ │ ├── 8-spring-view-parser.mdx │ │ │ ├── 9-spring-view-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-spring-web-development │ │ │ ├── 0-spring-web-overview.mdx │ │ │ ├── 1-spring-dispatcherservlet.mdx │ │ │ ├── 10-internationalization-of-spring.mdx │ │ │ ├── 11-spring-theme.mdx │ │ │ ├── 12-spring-flash-property.mdx │ │ │ ├── 13-spring-web-best-practices.mdx │ │ │ ├── 2-spring-controller-explained-in-detail.mdx │ │ │ ├── 3-spring-handler-mapping.mdx │ │ │ ├── 4-spring-handler-adapter.mdx │ │ │ ├── 5-spring-request-processing.mdx │ │ │ ├── 6-spring-url-mode.mdx │ │ │ ├── 7-spring-redirect.mdx │ │ │ ├── 8-spring-forwarding.mdx │ │ │ ├── 9-spring-static-resource.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-spring-rest │ │ │ ├── 0-spring-rest-concept.mdx │ │ │ ├── 1-spring-rest-controller.mdx │ │ │ ├── 10-spring-response-status.mdx │ │ │ ├── 11-spring-rest-exception-handling.mdx │ │ │ ├── 12-spring-rest-documentation.mdx │ │ │ ├── 13-spring-rest-security.mdx │ │ │ ├── 2-spring-restcontroller.mdx │ │ │ ├── 3-spring-requestbody.mdx │ │ │ ├── 4-spring-responsebody.mdx │ │ │ ├── 5-spring-http-message-conversion.mdx │ │ │ ├── 6-spring-content-negotiation.mdx │ │ │ ├── 7-spring-hateoas.mdx │ │ │ ├── 8-spring-rest-client.mdx │ │ │ ├── 9-spring-resttemplate.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── springcloud_alibaba │ │ ├── 0-spring-cloud-alibaba-basics │ │ │ ├── 0-introduction-to-spring-cloud-alibaba.mdx │ │ │ ├── 1-microservices-architecture-overview.mdx │ │ │ ├── 10-spring-cloud-alibaba-ecosystem.mdx │ │ │ ├── 11-spring-cloud-alibaba-best-practices.mdx │ │ │ ├── 12-common-problems-and-solutions-of-spring-cloud-alibaba.mdx │ │ │ ├── 13-spring-cloud-alibaba-learning-resources.mdx │ │ │ ├── 2-the-relationship-between-spring-cloud-alibaba-and-spring-cloud.mdx │ │ │ ├── 3-spring-cloud-alibaba-environment-construction.mdx │ │ │ ├── 4-spring-cloud-alibaba-version-selection.mdx │ │ │ ├── 5-spring-cloud-alibaba-dependency-management.mdx │ │ │ ├── 6-spring-boot-integration-configuration.mdx │ │ │ ├── 7-spring-cloud-alibaba-project-structure.mdx │ │ │ ├── 8-spring-cloud-alibaba-common-annotations.mdx │ │ │ ├── 9-overview-of-spring-cloud-alibaba-core-components.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-nacos-service-registration-and-discovery │ │ │ ├── 0-nacos-introduction-and-architecture.mdx │ │ │ ├── 1-nacos-installation-and-configuration.mdx │ │ │ ├── 10-nacos-service-protection-threshold.mdx │ │ │ ├── 11-comparison-between-nacos-and-eureka.mdx │ │ │ ├── 12-nacos-console-usage-guide.mdx │ │ │ ├── 13-detailed-explanation-of-nacos-api-usage.mdx │ │ │ ├── 2-nacos-service-registration-basics.mdx │ │ │ ├── 3-nacos-namespace-management.mdx │ │ │ ├── 4-nacos-service-discovery-mechanism.mdx │ │ │ ├── 5-nacos-cluster-deployment.mdx │ │ │ ├── 6-nacos-service-health-check.mdx │ │ │ ├── 7-nacos-metadata-management.mdx │ │ │ ├── 8-nacos-service-group.mdx │ │ │ ├── 9-nacos-weighted-routing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-spring-cloud-alibaba-high-availability │ │ │ ├── 0-high-availability-architecture-design-principles.mdx │ │ │ ├── 1-high-availability-of-service-registration-center.mdx │ │ │ ├── 10-monitoring-and-alarm-system.mdx │ │ │ ├── 11-performance-bottleneck-analysis.mdx │ │ │ ├── 12-sla-guarantee-mechanism.mdx │ │ │ ├── 13-high-availability-best-practices.mdx │ │ │ ├── 2-configuration-center-high-availability.mdx │ │ │ ├── 3-high-availability-of-service-call-links.mdx │ │ │ ├── 4-high-availability-of-message-middleware.mdx │ │ │ ├── 5-distributed-transaction-high-availability.mdx │ │ │ ├── 6-service-gateway-high-availability.mdx │ │ │ ├── 7-elastic-retractable-design.mdx │ │ │ ├── 8-chaos-engineering-practice.mdx │ │ │ ├── 9-disaster-recovery-and-backup-strategies.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-spring-cloud-alibaba-security │ │ │ ├── 0-microservices-security-overview.mdx │ │ │ ├── 1-certification-and-authorization-system.mdx │ │ │ ├── 10-csrf-protection.mdx │ │ │ ├── 11-current-limiting-and-anti-brushing-mechanism.mdx │ │ │ ├── 12-audit-log.mdx │ │ │ ├── 13-security-best-practices.mdx │ │ │ ├── 2-oauth2-integration.mdx │ │ │ ├── 3-jwt-token-usage.mdx │ │ │ ├── 4-spring-security-integration.mdx │ │ │ ├── 5-inter-service-call-security.mdx │ │ │ ├── 6-api-gateway-security-policy.mdx │ │ │ ├── 7-data-encryption-transmission.mdx │ │ │ ├── 8-sensitive-information-protection.mdx │ │ │ ├── 9-sql-injection-prevention.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-spring-cloud-alibaba-monitoring │ │ │ ├── 0-microservice-monitoring-overview.mdx │ │ │ ├── 1-prometheus-monitoring-integration.mdx │ │ │ ├── 10-business-indicator-monitoring.mdx │ │ │ ├── 11-alarm-rule-configuration.mdx │ │ │ ├── 12-monitoring-visualization.mdx │ │ │ ├── 13-monitoring-best-practices.mdx │ │ │ ├── 2-grafana-dashboard-configuration.mdx │ │ │ ├── 3-application-health-check.mdx │ │ │ ├── 4-link-tracking-technology.mdx │ │ │ ├── 5-skywalking-integration.mdx │ │ │ ├── 6-log-collection-and-analysis.mdx │ │ │ ├── 7-elk-suite-integration.mdx │ │ │ ├── 8-monitoring-indicator-design.mdx │ │ │ ├── 9-performance-indicator-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-spring-cloud-alibaba-deployment │ │ │ ├── 0-microservice-deployment-strategy.mdx │ │ │ ├── 1-containerized-deployment-basics.mdx │ │ │ ├── 10-cicd-pipeline-integration.mdx │ │ │ ├── 11-automated-testing-integration.mdx │ │ │ ├── 12-microservices-deployment-best-practices.mdx │ │ │ ├── 13-multi-environment-deployment-configuration.mdx │ │ │ ├── 2-docker-image-building.mdx │ │ │ ├── 3-kubernetes-basic-concepts.mdx │ │ │ ├── 4-kubernetes-resource-objects.mdx │ │ │ ├── 5-kubernetes-deployment-configuration.mdx │ │ │ ├── 6-service-orchestration-and-scheduling.mdx │ │ │ ├── 7-rolling-update-strategy.mdx │ │ │ ├── 8-blue-green-deployment.mdx │ │ │ ├── 9-canary-release.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-spring-cloud-alibaba-test │ │ │ ├── 0-microservices-testing-strategy.mdx │ │ │ ├── 1-unit-testing-basics.mdx │ │ │ ├── 10-test-report-generation.mdx │ │ │ ├── 11-test-coverage-analysis.mdx │ │ │ ├── 12-continuous-testing-integration.mdx │ │ │ ├── 13-testing-best-practices.mdx │ │ │ ├── 2-integration-testing-methods.mdx │ │ │ ├── 3-contract-testing.mdx │ │ │ ├── 4-end-to-end-testing.mdx │ │ │ ├── 5-performance-testing.mdx │ │ │ ├── 6-chaos-testing.mdx │ │ │ ├── 7-test-data-management.mdx │ │ │ ├── 8-test-environment-management.mdx │ │ │ ├── 9-automated-testing-framework.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-spring-cloud-alibaba-application-development │ │ │ ├── 0-microservice-project-structure-design.mdx │ │ │ ├── 1-restful-api-design.mdx │ │ │ ├── 10-mybatis-plus-integration.mdx │ │ │ ├── 11-jpa-integration.mdx │ │ │ ├── 12-multiple-data-source-configuration.mdx │ │ │ ├── 13-development-standards-and-best-practices.mdx │ │ │ ├── 2-unified-response-structure.mdx │ │ │ ├── 3-global-exception-handling.mdx │ │ │ ├── 4-parameter-verification-mechanism.mdx │ │ │ ├── 5-cross-domain-processing.mdx │ │ │ ├── 6-pagination-query-implementation.mdx │ │ │ ├── 7-file-upload-and-download.mdx │ │ │ ├── 8-cache-usage-strategy.mdx │ │ │ ├── 9-database-access.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-spring-cloud-alibaba-performance-optimization │ │ │ ├── 0-performance-optimization-methodology.mdx │ │ │ ├── 1-jvm-tuning-basics.mdx │ │ │ ├── 10-asynchronous-processing-mode.mdx │ │ │ ├── 11-service-preheating-and-hot-spot-data.mdx │ │ │ ├── 12-performance-testing-and-analysis.mdx │ │ │ ├── 13-troubleshooting-common-performance-issues.mdx │ │ │ ├── 2-memory-optimization-strategy.mdx │ │ │ ├── 3-gc-optimization-configuration.mdx │ │ │ ├── 4-thread-pool-optimization.mdx │ │ │ ├── 5-database-performance-optimization.mdx │ │ │ ├── 6-connection-pool-configuration-optimization.mdx │ │ │ ├── 7-cache-optimization-strategy.mdx │ │ │ ├── 8-network-communication-optimization.mdx │ │ │ ├── 9-serialization-and-deserialization-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-spring-cloud-alibaba-architecture-evolution │ │ │ ├── 0-monolith-to-microservice-migration.mdx │ │ │ ├── 1-service-split-principle.mdx │ │ │ ├── 10-architecture-evolution-roadmap.mdx │ │ │ ├── 11-microservice-refactoring-method.mdx │ │ │ ├── 12-technical-debt-management.mdx │ │ │ ├── 13-architecture-review-and-decision-making.mdx │ │ │ ├── 2-domain-driven-design-application.mdx │ │ │ ├── 3-event-driven-architecture.mdx │ │ │ ├── 4-cqrs-mode-application.mdx │ │ │ ├── 5-microservice-layered-architecture.mdx │ │ │ ├── 6-service-mesh-architecture.mdx │ │ │ ├── 7-serverless-architecture-trends.mdx │ │ │ ├── 8-middle-platform-strategy-and-microservices.mdx │ │ │ ├── 9-microservice-governance-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-nacos-configuration-center │ │ │ ├── 0-nacos-configuration-center-basics.mdx │ │ │ ├── 1-nacos-configuration-format-and-specifications.mdx │ │ │ ├── 10-nacos-multi-environment-configuration.mdx │ │ │ ├── 11-comparison-between-nacos-and-spring-cloud-config.mdx │ │ │ ├── 12-best-practices-for-nacos-configuration-center.mdx │ │ │ ├── 13-frequently-asked-questions-about-nacos-configuration-center.mdx │ │ │ ├── 2-nacos-configuration-center-architecture.mdx │ │ │ ├── 3-nacos-configuration-loading-order.mdx │ │ │ ├── 4-nacos-dynamic-configuration-update.mdx │ │ │ ├── 5-nacos-configuration-change-monitoring.mdx │ │ │ ├── 6-nacos-configuration-version-management.mdx │ │ │ ├── 7-nacos-configuration-rollback.mdx │ │ │ ├── 8-nacos-configuration-import-and-export.mdx │ │ │ ├── 9-nacos-configuration-encryption-and-decryption.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-sentinel-flow-control │ │ │ ├── 0-sentinel-introduction-and-design-concept.mdx │ │ │ ├── 1-sentinel-core-concepts.mdx │ │ │ ├── 10-use-sentinel-api.mdx │ │ │ ├── 11-sentinel-rule-persistence.mdx │ │ │ ├── 12-sentinel-cluster-flow-control.mdx │ │ │ ├── 13-comparison-between-sentinel-and-hystrix.mdx │ │ │ ├── 2-sentinel-dashboard-deployment-configuration.mdx │ │ │ ├── 3-sentinel-flow-control-rules.mdx │ │ │ ├── 4-detailed-explanation-of-sentinel-current-limiting-algorithm.mdx │ │ │ ├── 5-sentinel-circuit-breaker-downgrade.mdx │ │ │ ├── 6-sentinel-system-adaptive-protection.mdx │ │ │ ├── 7-sentinel-hotspot-parameter-current-limiting.mdx │ │ │ ├── 8-sentinel-authorization-rule-control.mdx │ │ │ ├── 9-sentinel-annotation-support.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-seata-distributed-transactions │ │ │ ├── 0-overview-of-seata-distributed-transactions.mdx │ │ │ ├── 1-seata-architecture-design.mdx │ │ │ ├── 10-seata-business-communication.mdx │ │ │ ├── 11-seata-exception-handling.mdx │ │ │ ├── 12-seata-performance-tuning.mdx │ │ │ ├── 13-best-practices.mdx │ │ │ ├── 2-seata-core-components.mdx │ │ │ ├── 3-seata-deployment-and-configuration.mdx │ │ │ ├── 4-seta-transaction-mode-at-mode.mdx │ │ │ ├── 5-seata-transaction-mode-tcc-mode.mdx │ │ │ ├── 6-seata-transaction-mode-saga-mode.mdx │ │ │ ├── 7-seata-transaction-mode-xa-mode.mdx │ │ │ ├── 8-seata-global-lock-mechanism.mdx │ │ │ ├── 9-seata-transaction-isolation-level.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-rocketmq-message-service │ │ │ ├── 0-rocketmq-basic-concepts.mdx │ │ │ ├── 1-rocketmq-architecture-design.mdx │ │ │ ├── 10-rocketmq-message-track.mdx │ │ │ ├── 11-rocketmq-cluster-deployment.mdx │ │ │ ├── 12-rocketmq-monitoring-management.mdx │ │ │ ├── 13-rocketmq-performance-tuning.mdx │ │ │ ├── 2-rocketmq-installation-and-deployment.mdx │ │ │ ├── 3-rocketmq-producer-configuration.mdx │ │ │ ├── 4-rocketmq-consumer-configuration.mdx │ │ │ ├── 5-rocketmq-message-type.mdx │ │ │ ├── 6-rocketmq-sequential-message.mdx │ │ │ ├── 7-rocketmq-transaction-message.mdx │ │ │ ├── 8-rocketmq-delayed-message.mdx │ │ │ ├── 9-rocketmq-message-filtering.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-dubbo-service-framework │ │ │ ├── 0-dubbo-basic-concepts.mdx │ │ │ ├── 1-dubbo-service-provider-configuration.mdx │ │ │ ├── 10-dubbo-service-version-control.mdx │ │ │ ├── 11-dubbo-service-interface-compatibility.mdx │ │ │ ├── 12-comparison-between-dubbo-and-spring-cloud.mdx │ │ │ ├── 13-dubbo-best-practices.mdx │ │ │ ├── 2-dubbo-service-consumer-configuration.mdx │ │ │ ├── 3-dubbo-service-registration-and-discovery.mdx │ │ │ ├── 4-dubbo-service-reference.mdx │ │ │ ├── 5-dubbo-service-exposure.mdx │ │ │ ├── 6-dubbo-service-calling-process.mdx │ │ │ ├── 7-dubbo-load-balancing-strategy.mdx │ │ │ ├── 8-dubbo-service-degradation-and-fault-tolerance.mdx │ │ │ ├── 9-dubbo-service-governance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-spring-cloud-gateway │ │ │ ├── 0-spring-cloud-gateway-introduction.mdx │ │ │ ├── 1-gateway-core-concepts.mdx │ │ │ ├── 10-gateway-security-configuration.mdx │ │ │ ├── 11-gateway-integrated-with-sentinel.mdx │ │ │ ├── 12-gateway-performance-tuning.mdx │ │ │ ├── 13-comparison-between-gateway-and-zuul.mdx │ │ │ ├── 2-gateway-route-configuration.mdx │ │ │ ├── 3-gateway-assertion-factory.mdx │ │ │ ├── 4-gateway-filter-factory.mdx │ │ │ ├── 5-gateway-global-filter.mdx │ │ │ ├── 6-gateway-current-limiting-configuration.mdx │ │ │ ├── 7-gateway-circuit-breaker-configuration.mdx │ │ │ ├── 8-gateway-request-rewriting-and-forwarding.mdx │ │ │ ├── 9-gateway-cross-domain-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-spring-cloud-stream-message-driver │ │ │ ├── 0-spring-cloud-stream-overview.mdx │ │ │ ├── 1-stream-programming-model.mdx │ │ │ ├── 10-stream-message-converter.mdx │ │ │ ├── 11-stream-message-tracking.mdx │ │ │ ├── 12-stream-testing-framework.mdx │ │ │ ├── 13-stream-best-practices.mdx │ │ │ ├── 2-stream-binder-concept.mdx │ │ │ ├── 3-stream-integration-with-rocketmq.mdx │ │ │ ├── 4-stream-consumer-configuration.mdx │ │ │ ├── 5-stream-producer-configuration.mdx │ │ │ ├── 6-stream-message-grouping.mdx │ │ │ ├── 7-stream-message-partitioning.mdx │ │ │ ├── 8-stream-message-retry-mechanism.mdx │ │ │ ├── 9-stream-exception-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-spring-cloud-bus-event-bus │ │ │ ├── 0-spring-cloud-bus-overview.mdx │ │ │ ├── 1-bus-architecture-design.mdx │ │ │ ├── 10-bus-cluster-configuration.mdx │ │ │ ├── 11-bus-collaborates-with-the-configuration-center.mdx │ │ │ ├── 12-bus-performance-tuning.mdx │ │ │ ├── 13-common-bus-problems-and-solutions.mdx │ │ │ ├── 2-bus-message-propagation-mechanism.mdx │ │ │ ├── 3-bus-and-rocketmq-integration.mdx │ │ │ ├── 4-bus-configuration-refresh.mdx │ │ │ ├── 5-bus-custom-events.mdx │ │ │ ├── 6-bus-event-listener.mdx │ │ │ ├── 7-bus-safety-mechanism.mdx │ │ │ ├── 8-bus-event-tracking.mdx │ │ │ ├── 9-bus-message-filtering.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── vue │ │ ├── 0-vuejs-base │ │ │ ├── 0-introduction-to-vuejs.mdx │ │ │ ├── 1-vuejs-environment-construction.mdx │ │ │ ├── 10-vuejs-conditional-rendering.mdx │ │ │ ├── 11-vuejs-list-rendering.mdx │ │ │ ├── 12-vuejs-form-input-binding.mdx │ │ │ ├── 13-vuejs-lifecycle-hooks.mdx │ │ │ ├── 2-vuejs-development-tools.mdx │ │ │ ├── 3-vuejs-first-app.mdx │ │ │ ├── 4-vuejs-template-syntax.mdx │ │ │ ├── 5-vuejs-instruction-base.mdx │ │ │ ├── 6-vuejs-data-binding.mdx │ │ │ ├── 7-vuejs-event-handling.mdx │ │ │ ├── 8-vuejs-computation-properties.mdx │ │ │ ├── 9-vuejs-listener.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-vuejs-component-foundation │ │ │ ├── 0-vuejs-component-overview.mdx │ │ │ ├── 1-vuejs-component-registration.mdx │ │ │ ├── 10-vuejs-component-naming-convention.mdx │ │ │ ├── 11-vuejs-single-file-component.mdx │ │ │ ├── 12-vuejs-component-multiplexing-strategy.mdx │ │ │ ├── 13-vuejs-component-design-pattern.mdx │ │ │ ├── 2-vuejs-component-communication.mdx │ │ │ ├── 3-vuejs-props-delivery.mdx │ │ │ ├── 4-vuejs-custom-event.mdx │ │ │ ├── 5-vuejs-slots.mdx │ │ │ ├── 6-vuejs-dynamic-components.mdx │ │ │ ├── 7-vuejs-asynchronous-component.mdx │ │ │ ├── 8-vuejs-handles-boundary-situations.mdx │ │ │ ├── 9-vuejs-dependency-injection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-vuejs-performance-optimization │ │ │ ├── 0-vuejs-performance-optimization-overview.mdx │ │ │ ├── 1-vuejs-responsive-system-optimization.mdx │ │ │ ├── 10-vuejs-computed-property-cache.mdx │ │ │ ├── 11-vuejs-rendering-performance-tracking.mdx │ │ │ ├── 12-vuejs-performance-monitoring.mdx │ │ │ ├── 13-vuejs-performance-test.mdx │ │ │ ├── 2-vuejs-virtual-dom-optimization.mdx │ │ │ ├── 3-vuejs-component-lazy-loading.mdx │ │ │ ├── 4-vuejs-code-segmentation.mdx │ │ │ ├── 5-vuejs-server-side-rendering.mdx │ │ │ ├── 6-vuejs-static-resource-optimization.mdx │ │ │ ├── 7-vuejs-cache-policy.mdx │ │ │ ├── 8-vuejs-memory-leak-prevention.mdx │ │ │ ├── 9-vuejs-long-list-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-vuejs-modular-api │ │ │ ├── 0-vuejs-modular-api-overview.mdx │ │ │ ├── 1-vuejs-ref-and-reactive.mdx │ │ │ ├── 10-vuejs-combined-api-and-typescript.mdx │ │ │ ├── 11-vuejs-combo-api-mixed-with-option-api.mdx │ │ │ ├── 12-vuejs-modular-api-test.mdx │ │ │ ├── 13-vuejs-modular-api-best-practices.mdx │ │ │ ├── 2-vuejs-compute-properties-and-listener.mdx │ │ │ ├── 3-vuejs-lifecycle-hooks.mdx │ │ │ ├── 4-vuejs-provide-and-inject.mdx │ │ │ ├── 5-vuejs-template-reference.mdx │ │ │ ├── 6-vuejs-combinatorial-function.mdx │ │ │ ├── 7-vuejs-setup-syntactic-sugar.mdx │ │ │ ├── 8-vuejs-responsive-tool-functions.mdx │ │ │ ├── 9-vuejs-combined-api-state-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-vuejs-and-typescript │ │ │ ├── 0-introduction-to-vuejs-and-typescript.mdx │ │ │ ├── 1-typescript-environment-configuration.mdx │ │ │ ├── 10-type-declaration-file.mdx │ │ │ ├── 11-generic-components.mdx │ │ │ ├── 12-typescript-best-practices.mdx │ │ │ ├── 13-typescript-support-in-vue-3.mdx │ │ │ ├── 2-vuejs-component-type-definition.mdx │ │ │ ├── 3-props-type-check.mdx │ │ │ ├── 4-event-type-definition.mdx │ │ │ ├── 5-calculation-properties-and-method-types.mdx │ │ │ ├── 6-vuex-and-typescript.mdx │ │ │ ├── 7-vue-router-and-typescript.mdx │ │ │ ├── 8-vuejs-class-component.mdx │ │ │ ├── 9-typescript-decorator.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-vuejs-test │ │ │ ├── 0-vuejs-test-overview.mdx │ │ │ ├── 1-vue-test-utils-foundation.mdx │ │ │ ├── 10-test-driven-development.mdx │ │ │ ├── 11-test-coverage.mdx │ │ │ ├── 12-continuous-integration-testing.mdx │ │ │ ├── 13-testing-best-practices.mdx │ │ │ ├── 2-component-unit-testing.mdx │ │ │ ├── 3-component-snapshot-test.mdx │ │ │ ├── 4-test-component-events.mdx │ │ │ ├── 5-test-asynchronous-behavior.mdx │ │ │ ├── 6-vuex-test.mdx │ │ │ ├── 7-vue-router-test.mdx │ │ │ ├── 8-e2e-testing-overview.mdx │ │ │ ├── 9-cypress-testing-framework.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-vuejs-deployment-and-build │ │ │ ├── 0-vuejs-build-process-overview.mdx │ │ │ ├── 1-webpack-configuration-basics.mdx │ │ │ ├── 10-continuous-integration-and-deployment.mdx │ │ │ ├── 11-automated-deployment-process.mdx │ │ │ ├── 12-multi-environment-deployment-configuration.mdx │ │ │ ├── 13-post-deployment-monitoring-and-maintenance.mdx │ │ │ ├── 2-vite-build-tool.mdx │ │ │ ├── 3-environment-variable-configuration.mdx │ │ │ ├── 4-static-resource-handling.mdx │ │ │ ├── 5-code-segmentation-strategy.mdx │ │ │ ├── 6-packaging-optimization.mdx │ │ │ ├── 7-deploy-to-static-server.mdx │ │ │ ├── 8-cdn-deployment-strategy.mdx │ │ │ ├── 9-docker-containerized-deployment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-vuejs-project-architecture │ │ │ ├── 0-vuejs-project-structure.mdx │ │ │ ├── 1-modular-design.mdx │ │ │ ├── 10-middleware-design.mdx │ │ │ ├── 11-plug-in-system.mdx │ │ │ ├── 12-microfront-architecture.mdx │ │ │ ├── 13-best-practices-for-large-applications.mdx │ │ │ ├── 2-api-layer-design.mdx │ │ │ ├── 3-permission-control-system.mdx │ │ │ ├── 4-state-management-architecture.mdx │ │ │ ├── 5-routing-schema.mdx │ │ │ ├── 6-internationalization-realization.mdx │ │ │ ├── 7-theme-switching-implementation.mdx │ │ │ ├── 8-error-handling-mechanism.mdx │ │ │ ├── 9-log-sys.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-vuejs-ecosystem │ │ │ ├── 0-vuejs-core-library-overview.mdx │ │ │ ├── 1-ui-component-library-overview.mdx │ │ │ ├── 10-vuejs-desktop-app-development.mdx │ │ │ ├── 11-vuejs-and-applets.mdx │ │ │ ├── 12-vuejs-and-native-apps.mdx │ │ │ ├── 13-ecosystem-selection-strategies.mdx │ │ │ ├── 2-element-plus-getting-started.mdx │ │ │ ├── 3-getting-started-with-vuetify.mdx │ │ │ ├── 4-ant-design-vue-getting-started.mdx │ │ │ ├── 5-chart-library-integration.mdx │ │ │ ├── 6-map-component-integration.mdx │ │ │ ├── 7-rich-text-editor.mdx │ │ │ ├── 8-vuejs-animation-library.mdx │ │ │ ├── 9-mobile-ui-framework.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-vuejs-best-practices │ │ │ ├── 0-vuejs-code-style-guide.mdx │ │ │ ├── 1-vuejs-project-specification.mdx │ │ │ ├── 10-team-collaboration-process.mdx │ │ │ ├── 11-code-review-checklist.mdx │ │ │ ├── 12-common-mistakes-and-pitfalls.mdx │ │ │ ├── 13-migration-and-upgrade-strategy.mdx │ │ │ ├── 2-component-design-principles.mdx │ │ │ ├── 3-directory-structure-organization.mdx │ │ │ ├── 4-naming-conventions.mdx │ │ │ ├── 5-security-best-practices.mdx │ │ │ ├── 6-performance-best-practices.mdx │ │ │ ├── 7-accessibility-practices.mdx │ │ │ ├── 8-cross-browser-compatibility.mdx │ │ │ ├── 9-seo-optimization-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-vuejs-drilldown-component │ │ │ ├── 0-vuejs-component-registration-deep.mdx │ │ │ ├── 1-vuejs-props-verification.mdx │ │ │ ├── 10-vuejs-component-circular-reference.mdx │ │ │ ├── 11-vuejs-inline-template.mdx │ │ │ ├── 12-vuejs-x-template.mdx │ │ │ ├── 13-functional-rendering-of-vuejs-components.mdx │ │ │ ├── 2-vuejs-non-prop-property.mdx │ │ │ ├── 3-vuejs-event-name.mdx │ │ │ ├── 4-vuejs-v-model-component.mdx │ │ │ ├── 5-vuejs-slot-scope.mdx │ │ │ ├── 6-vuejs-dynamic-slots.mdx │ │ │ ├── 7-vuejs-dependency-injection-advanced.mdx │ │ │ ├── 8-vuejs-programmed-event-listener.mdx │ │ │ ├── 9-vuejs-recursive-component.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-vuejs-transitions-and-animations │ │ │ ├── 0-vuejs-transition-effect-base.mdx │ │ │ ├── 1-vuejs-entry-exit-transition.mdx │ │ │ ├── 10-vuejs-velocityjs-integration.mdx │ │ │ ├── 11-vuejs-animation-library-integration.mdx │ │ │ ├── 12-vuejs-complex-animation-system.mdx │ │ │ ├── 13-vuejs-route-transition-effect.mdx │ │ │ ├── 2-vuejs-list-transition.mdx │ │ │ ├── 3-vuejs-state-transition.mdx │ │ │ ├── 4-vuejs-transition-component-multiplexing.mdx │ │ │ ├── 5-vuejs-transition-mode.mdx │ │ │ ├── 6-vuejs-multi-element-transition.mdx │ │ │ ├── 7-vuejs-animation-hook-function.mdx │ │ │ ├── 8-vuejs-css-animation.mdx │ │ │ ├── 9-vuejs-javascript-animation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-vuejs-reusability-and-portfolio │ │ │ ├── 0-vuejs-blending.mdx │ │ │ ├── 1-vuejs-custom-directives.mdx │ │ │ ├── 10-vuejs-modular-api-lifecycle.mdx │ │ │ ├── 11-vuejs-combined-api-vs-optional-api.mdx │ │ │ ├── 12-vuejs-combinatorial-api-combinatorial-logic.mdx │ │ │ ├── 13-vuejs-modular-api-best-practices.mdx │ │ │ ├── 2-vuejs-rendering-function.mdx │ │ │ ├── 3-vuejs-jsx-support.mdx │ │ │ ├── 4-vuejs-functional-component.mdx │ │ │ ├── 5-vuejs-filter.mdx │ │ │ ├── 6-vuejs-plugin-development.mdx │ │ │ ├── 7-vuejs-plugin-usage.mdx │ │ │ ├── 8-introducing-vuejs-modular-api.mdx │ │ │ ├── 9-vuejs-combined-api-responsive.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-vue-router-routing │ │ │ ├── 0-introduction-to-vue-router.mdx │ │ │ ├── 1-vue-router-installation-configuration.mdx │ │ │ ├── 10-vue-router-navigation-guard.mdx │ │ │ ├── 11-vue-router-routing-meta-information.mdx │ │ │ ├── 12-vue-router-scrolling-behavior.mdx │ │ │ ├── 13-vue-router-route-lazy-loading.mdx │ │ │ ├── 2-vue-router-basic-routing.mdx │ │ │ ├── 3-vue-router-dynamic-route-matching.mdx │ │ │ ├── 4-vue-router-nested-routing.mdx │ │ │ ├── 5-vue-router-programmatic-navigation.mdx │ │ │ ├── 6-vue-router-named-route.mdx │ │ │ ├── 7-vue-router-named-view.mdx │ │ │ ├── 8-vue-router-redirects-and-aliases.mdx │ │ │ ├── 9-vue-router-routing-component-pass-through.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-vuex-state-management │ │ │ ├── 0-introduction-to-vuex-state-management.mdx │ │ │ ├── 1-vuex-core-concepts.mdx │ │ │ ├── 10-vuex-hot-reload.mdx │ │ │ ├── 11-vuex-test.mdx │ │ │ ├── 12-vuex-is-tied-to-a-component.mdx │ │ │ ├── 13-vuex-best-practices.mdx │ │ │ ├── 2-vuex-status-and-getter.mdx │ │ │ ├── 3-vuex-mutations.mdx │ │ │ ├── 4-vuex-actions.mdx │ │ │ ├── 5-vuex-modules.mdx │ │ │ ├── 6-vuex-directory-structure.mdx │ │ │ ├── 7-vuex-plugin.mdx │ │ │ ├── 8-vuex-strict-mode.mdx │ │ │ ├── 9-vuex-form-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-vuejs-interacts-with-api │ │ │ ├── 0-vuejs-http-request-overview.mdx │ │ │ ├── 1-basic-use-of-axios.mdx │ │ │ ├── 10-vuejs-process-form-submission.mdx │ │ │ ├── 11-vuejs-file-upload.mdx │ │ │ ├── 12-vuejs-websocket.mdx │ │ │ ├── 13-vuejs-graphql-integration.mdx │ │ │ ├── 2-axios-request-configuration.mdx │ │ │ ├── 3-axios-response-processing.mdx │ │ │ ├── 4-axios-blocker.mdx │ │ │ ├── 5-axios-error-handling.mdx │ │ │ ├── 6-fetch-api-use.mdx │ │ │ ├── 7-vuejs-asynchronous-data-loading.mdx │ │ │ ├── 8-vuejs-api-cache-policy.mdx │ │ │ ├── 9-vuejs-processing-load-status.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-pinia-state-management │ │ │ ├── 0-introduction-to-pinia.mdx │ │ │ ├── 1-pinia-vs-vuex.mdx │ │ │ ├── 10-pinia-and-typescript.mdx │ │ │ ├── 11-pinia-middleware.mdx │ │ │ ├── 12-pinia-with-vue-devtools.mdx │ │ │ ├── 13-pinia-best-practices.mdx │ │ │ ├── 2-pinia-installation-configuration.mdx │ │ │ ├── 3-pinia-core-concepts.mdx │ │ │ ├── 4-pinia-store-definition.mdx │ │ │ ├── 5-pinia-state-management.mdx │ │ │ ├── 6-pinia-getters.mdx │ │ │ ├── 7-pinia-actions.mdx │ │ │ ├── 8-pinia-store-combination.mdx │ │ │ ├── 9-pinia-persistence.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-vuejs-forms-and-data-validation │ │ │ ├── 0-vuejs-form-processing-basics.mdx │ │ │ ├── 1-vuejs-form-input-component.mdx │ │ │ ├── 10-vuejs-form-performance-optimization.mdx │ │ │ ├── 11-vuejs-internationalization-form.mdx │ │ │ ├── 12-vuejs-form-security.mdx │ │ │ ├── 13-vuejs-form-best-practices.mdx │ │ │ ├── 2-vuejs-form-validation-strategy.mdx │ │ │ ├── 3-vuelidate-form-validation.mdx │ │ │ ├── 4-veevalidate-form-validation.mdx │ │ │ ├── 5-vuejs-custom-form-component.mdx │ │ │ ├── 6-vuejs-complex-form-design.mdx │ │ │ ├── 7-vuejs-dynamic-form.mdx │ │ │ ├── 8-vuejs-form-submission-and-processing.mdx │ │ │ ├── 9-vuejs-form-status-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── wechatminiprogram │ │ ├── 0-wechat-mini-program-basics │ │ ├── 0-introduction-to-wechat-mini-programs.mdx │ │ ├── 1-wechat-mini-program-features-and-limitations.mdx │ │ ├── 10-applet-page-structure.mdx │ │ ├── 11-applet-running-mechanism.mdx │ │ ├── 12-applet-release-process.mdx │ │ ├── 13-mini-program-audit-specification.mdx │ │ ├── 2-difference-between-mini-program-and-official-account.mdx │ │ ├── 3-pre-development-preparations.mdx │ │ ├── 4-sign-up-for-a-wechat-applet.mdx │ │ ├── 5-wechat-developer-tools-installation-and-configuration.mdx │ │ ├── 6-applet-project-structure.mdx │ │ ├── 7-applet-profile.mdx │ │ ├── 8-applet-lifecycle.mdx │ │ ├── 9-applet-startup-process.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-wxml-basics │ │ ├── 0-wxml-introduction.mdx │ │ ├── 1-difference-between-wxml-and-html.mdx │ │ ├── 10-wxml-base-components.mdx │ │ ├── 11-wxml-form-components.mdx │ │ ├── 12-wxml-media-component.mdx │ │ ├── 13-wxml-navigation-component.mdx │ │ ├── 2-wxml-basic-syntax.mdx │ │ ├── 3-wxml-common-components.mdx │ │ ├── 4-wxml-data-binding.mdx │ │ ├── 5-wxml-list-rendering.mdx │ │ ├── 6-wxml-conditional-rendering.mdx │ │ ├── 7-wxml-template-use.mdx │ │ ├── 8-wxml-reference.mdx │ │ ├── 9-wxml-event-binding.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-applet-multimedia-processing │ │ ├── 0-image-processing-api.mdx │ │ ├── 1-image-upload-compression.mdx │ │ ├── 10-camera-api-usage.mdx │ │ ├── 11-live-audio-and-video-calls.mdx │ │ ├── 12-media-cache.mdx │ │ ├── 13-multimedia-performance-optimization.mdx │ │ ├── 2-image-preview-feature.mdx │ │ ├── 3-album-selection-images.mdx │ │ ├── 4-implements-the-photography-function.mdx │ │ ├── 5-audio-player-implementation.mdx │ │ ├── 6-background-audio-control.mdx │ │ ├── 7-realization-of-the-recording-function.mdx │ │ ├── 8-video-playback-components.mdx │ │ ├── 9-video-recording-capabilities.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-applet-map-and-location │ │ ├── 0-map-component-foundation.mdx │ │ ├── 1-get-user-location.mdx │ │ ├── 10-map-coordinate-conversion.mdx │ │ ├── 11-geocoding-and-inverse-parsing.mdx │ │ ├── 12-real-time-location-tracking.mdx │ │ ├── 13-location-based-services.mdx │ │ ├── 2-map-marker-points.mdx │ │ ├── 3-map-control-customization.mdx │ │ ├── 4-geolocation-authorization.mdx │ │ ├── 5-map-route-planning.mdx │ │ ├── 6-peripheral-points-of-interest-search.mdx │ │ ├── 7-custom-map-style.mdx │ │ ├── 8-map-event-handling.mdx │ │ ├── 9-zoom-control.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-mini-program-cloud-development │ │ ├── 0-cloud-development-fundamental-concepts.mdx │ │ ├── 1-cloud-development-environment-configuration.mdx │ │ ├── 10-http-trigger-cloud-function.mdx │ │ ├── 11-cloud-call-functionality.mdx │ │ ├── 12-mini-program-cloud-development-practice.mdx │ │ ├── 13-cloud-development-performance-optimization.mdx │ │ ├── 2-cloud-function-creation-and-calling.mdx │ │ ├── 3-cloud-database-basic-operations.mdx │ │ ├── 4-cloud-database-advanced-query.mdx │ │ ├── 5-cloud-storage-usage.mdx │ │ ├── 6-data-security-and-permissions.mdx │ │ ├── 7-cloud-development-user-management.mdx │ │ ├── 8-cloud-development-identity-authentication.mdx │ │ ├── 9-timing-trigger.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-applet-login-and-authorization │ │ ├── 0-wechat-login-process.mdx │ │ ├── 1-get-user-info.mdx │ │ ├── 10-user-role-management.mdx │ │ ├── 11-permission-control-mechanism.mdx │ │ ├── 12-sensitive-data-processing.mdx │ │ ├── 13-login-security-best-practices.mdx │ │ ├── 2-user-authorization-processing.mdx │ │ ├── 3-authorize-page-design.mdx │ │ ├── 4-login-maintenance.mdx │ │ ├── 5-session-management.mdx │ │ ├── 6-custom-login-status.mdx │ │ ├── 7-get-a-phone-number.mdx │ │ ├── 8-实名认证.mdx │ │ ├── 9-third-party-platform-authorization.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-applet-payment-function │ │ ├── 0-overview-of-wechat-pay.mdx │ │ ├── 1-preparation-before-payment.mdx │ │ ├── 10-payment-status-inquiry.mdx │ │ ├── 11-payment-logging.mdx │ │ ├── 12-multi-merchant-payment.mdx │ │ ├── 13-payment-functional-testing.mdx │ │ ├── 2-payment-parameter-configuration.mdx │ │ ├── 3-initiate-payment-process.mdx │ │ ├── 4-payment-result-processing.mdx │ │ ├── 5-order-management.mdx │ │ ├── 6-payment-integrity.mdx │ │ ├── 7-refund-processing.mdx │ │ ├── 8-payment-notification-callback.mdx │ │ ├── 9-payment-error-handling.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-applet-performance-optimization │ │ ├── 0-launch-performance-optimization.mdx │ │ ├── 1-package-volume-optimization.mdx │ │ ├── 10-avoid-memory-leaks.mdx │ │ ├── 11-page-toggle-optimization.mdx │ │ ├── 12-applet-performance-monitoring.mdx │ │ ├── 13-performance-testing-tools.mdx │ │ ├── 2-home-screen-rendering-optimization.mdx │ │ ├── 3-sub-package-loading-optimization.mdx │ │ ├── 4-image-resource-optimization.mdx │ │ ├── 5-memory-management-optimization.mdx │ │ ├── 6-rendering-performance-optimization.mdx │ │ ├── 7-setdata-optimization.mdx │ │ ├── 8-network-request-optimization.mdx │ │ ├── 9-long-list-performance-optimization.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-mini-program-release-and-operation-and-maintenance │ │ ├── 0-pre-launch-checklist.mdx │ │ ├── 1-code-review-specification.mdx │ │ ├── 10-user-feedback-collection.mdx │ │ ├── 11-log-management.mdx │ │ ├── 12-applet-promotion.mdx │ │ ├── 13-om-best-practices.mdx │ │ ├── 2-version-management-policies.mdx │ │ ├── 3-experiences-official-versions.mdx │ │ ├── 4-submit-for-review-process.mdx │ │ ├── 5-frequently-asked-review-questions.mdx │ │ ├── 6-version-update-plan.mdx │ │ ├── 7-grayscale-publishing-strategy.mdx │ │ ├── 8-operational-statistics.mdx │ │ ├── 9-bug-monitoring-and-escalation.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-multi-end-development-of-applets │ │ ├── 0-overview-of-cross-end-development.mdx │ │ ├── 1-uni-app-framework.mdx │ │ ├── 10-multi-end-debugging-techniques.mdx │ │ ├── 11-code-reuse-policies.mdx │ │ ├── 12-multi-ended-development-best-practices.mdx │ │ ├── 13-multi-end-project-structure-design.mdx │ │ ├── 2-taro-framework.mdx │ │ ├── 3-mpvue-framework.mdx │ │ ├── 4-wechat-native-vs-cross-end.mdx │ │ ├── 5-cross-end-development-configuration.mdx │ │ ├── 6-component-compatible-processing.mdx │ │ ├── 7-api-differentiation.mdx │ │ ├── 8-style-compatibility-processing.mdx │ │ ├── 9-multi-end-publishing-process.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 18-applet-advanced-features │ │ ├── 0-applet-plugin-development.mdx │ │ ├── 1-custom-component-extensions.mdx │ │ ├── 10-wechat-open-interface.mdx │ │ ├── 11-applet-code-generation.mdx │ │ ├── 12-applet-nearby.mdx │ │ ├── 13-ai-enabled-access.mdx │ │ ├── 2-applet-livestream-function.mdx │ │ ├── 3-applet-ar-function.mdx │ │ ├── 4-basics-of-mini-game-development.mdx │ │ ├── 5-hardware-device-docking.mdx │ │ ├── 6-scanning-function-development.mdx │ │ ├── 7-subscribe-to-our-newsletter.mdx │ │ ├── 8-template-message-usage.mdx │ │ ├── 9-applet-mutual-jump-link.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 19-mini-program-project-combat │ │ ├── 0-e-commerce-mini-program-development.mdx │ │ ├── 1-social-applet-development.mdx │ │ ├── 10-marketing-tool-integration.mdx │ │ ├── 11-requirement-analysis-methodology.mdx │ │ ├── 12-project-development-process.mdx │ │ ├── 13-post-launch-optimization.mdx │ │ ├── 2-tool-applet-development.mdx │ │ ├── 3-content-applet-development.mdx │ │ ├── 4-educational-applet-development.mdx │ │ ├── 5-o2o-applet-development.mdx │ │ ├── 6-enterprise-display-applet-development.mdx │ │ ├── 7-appointment-class-applet-development.mdx │ │ ├── 8-applet-data-large-disk.mdx │ │ ├── 9-user-portrait-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-wxss-style │ │ ├── 0-wxss-introduction.mdx │ │ ├── 1-difference-between-wxss-and-css.mdx │ │ ├── 10-wxss-responsive-design.mdx │ │ ├── 11-wechat-official-style-library.mdx │ │ ├── 12-iconfont-icon-use.mdx │ │ ├── 13-wxss-faq.mdx │ │ ├── 2-wxss-syntax-rules.mdx │ │ ├── 3-wxss-selector.mdx │ │ ├── 4-wxss-size-unit.mdx │ │ ├── 5-wxss-style-import.mdx │ │ ├── 6-wxss-layout.mdx │ │ ├── 7-wxss-elastic-box-model.mdx │ │ ├── 8-wxss-positioning.mdx │ │ ├── 9-wxss-animation-effect.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-javascript-and-the-logic-layer │ │ ├── 0-javascript-in-applets.mdx │ │ ├── 1-use-of-es6-syntax-in-applets.mdx │ │ ├── 10-data-processing-and-formatting.mdx │ │ ├── 11-tool-function-encapsulation.mdx │ │ ├── 12-common-error-handling.mdx │ │ ├── 13-debugging-tips.mdx │ │ ├── 2-modular-development-of-applets.mdx │ │ ├── 3-page-routing-navigation.mdx │ │ ├── 4-page-communication-method.mdx │ │ ├── 5-data-storage-method.mdx │ │ ├── 6-applet-cache.mdx │ │ ├── 7-synchronous-and-asynchronous-operations.mdx │ │ ├── 8-use-of-promises.mdx │ │ ├── 9-callback-function-processing.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-component-development-of-small-programs │ │ ├── 0-componentized-development-overview.mdx │ │ ├── 1-custom-component-creation.mdx │ │ ├── 10-third-party-component-libraries.mdx │ │ ├── 11-weui-component-library.mdx │ │ ├── 12-vant-component-library.mdx │ │ ├── 13-component-reuse-and-maintenance.mdx │ │ ├── 2-configuration-and-use-of-components.mdx │ │ ├── 3-component-lifecycle.mdx │ │ ├── 4-data-transfer-for-components.mdx │ │ ├── 5-event-handling-for-components.mdx │ │ ├── 6-slot-usage-of-components.mdx │ │ ├── 7-component-style-isolation.mdx │ │ ├── 8-communication-between-components.mdx │ │ ├── 9-global-component-registration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-applet-api-usage │ │ ├── 0-applet-api-overview.mdx │ │ ├── 1-network-request-api.mdx │ │ ├── 10-user-info-api.mdx │ │ ├── 11-payments-api.mdx │ │ ├── 12-sharing-and-forwarding-apis.mdx │ │ ├── 13-open-capability-calls.mdx │ │ ├── 2-data-cache-apis.mdx │ │ ├── 3-location-maps-api.mdx │ │ ├── 4-media-api.mdx │ │ ├── 5-file-manipulation-api.mdx │ │ ├── 6-image-processing-api.mdx │ │ ├── 7-device-api.mdx │ │ ├── 8-bluetooth-api.mdx │ │ ├── 9-nfc-features.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-applet-pages-navigation │ │ ├── 0-page-creation-and-configuration.mdx │ │ ├── 1-page-stack-management.mdx │ │ ├── 10-data-sharing-between-pages.mdx │ │ ├── 11-sub-package-loading-policy.mdx │ │ ├── 12-sub-package-preloading.mdx │ │ ├── 13-page-performance-optimization.mdx │ │ ├── 2-page-navigation-method.mdx │ │ ├── 3-navigation-bar-customization.mdx │ │ ├── 4-header-bar-settings.mdx │ │ ├── 5-tabbar-configuration-and-use.mdx │ │ ├── 6-custom-tabbar.mdx │ │ ├── 7-page-jump-animation.mdx │ │ ├── 8-page-back-to-processing.mdx │ │ ├── 9-page-parameter-passing.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-applet-status-management │ │ ├── 0-applet-status-management-overview.mdx │ │ ├── 1-global-data-sharing.mdx │ │ ├── 10-event-bus.mdx │ │ ├── 11-subscription-publishing-mode.mdx │ │ ├── 12-state-management-best-practices.mdx │ │ ├── 13-state-persistence-protocol.mdx │ │ ├── 2-globaldata-in-appjs.mdx │ │ ├── 3-using-the-getapp-method.mdx │ │ ├── 4-inter-page-data-transfer.mdx │ │ ├── 5-local-storage-status.mdx │ │ ├── 6-applet-cache-usage.mdx │ │ ├── 7-mobx-miniprogram.mdx │ │ ├── 8-status-management-mode-design.mdx │ │ ├── 9-data-flow-control.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-applet-network-and-data │ │ ├── 0-http-request-base.mdx │ │ ├── 1-wxrequest-explained-in-detail.mdx │ │ ├── 10-encryption-and-decryption.mdx │ │ ├── 11-token-authentication.mdx │ │ ├── 12-interface-debugging-method.mdx │ │ ├── 13-mock-data-usage.mdx │ │ ├── 2-promise-encapsulation-request.mdx │ │ ├── 3-request-blocker.mdx │ │ ├── 4-response-processing.mdx │ │ ├── 5-data-cache-policy.mdx │ │ ├── 6-network-disconnection-handling-plan.mdx │ │ ├── 7-websocket-communication.mdx │ │ ├── 8-socket-connection-maintenance.mdx │ │ ├── 9-data-security-processing.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-applet-user-experience │ │ ├── 0-page-loading-optimization.mdx │ │ ├── 1-skeleton-screen-implementation.mdx │ │ ├── 10-handling-of-gestures.mdx │ │ ├── 11-page-scroll-optimization.mdx │ │ ├── 12-lazyload-images.mdx │ │ ├── 13-user-experience-best-practices.mdx │ │ ├── 2-pull-to-refresh-feature.mdx │ │ ├── 3-pull-up-to-load-more.mdx │ │ ├── 4-transition-animation-implementation.mdx │ │ ├── 5-micro-interaction-design.mdx │ │ ├── 6-toast-tooltip.mdx │ │ ├── 7-modal-dialog.mdx │ │ ├── 8-actionsheet-actions-menu.mdx │ │ ├── 9-custom-popup-components.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── fundamental │ ├── algorithm │ │ ├── 0-algorithmic-basics │ │ │ ├── 0-algorithm-concepts-and-characteristics.mdx │ │ │ ├── 1-algorithmic-complexity-analysis.mdx │ │ │ ├── 10-divide-and-conquer-strategy.mdx │ │ │ ├── 11-greedy-algorithm.mdx │ │ │ ├── 12-dynamic-planning-basics.mdx │ │ │ ├── 13-algorithm-optimization-tips.mdx │ │ │ ├── 2-time-complexity.mdx │ │ │ ├── 3-spatial-complexity.mdx │ │ │ ├── 4-large-o-notation.mdx │ │ │ ├── 5-worst-case-vs-average.mdx │ │ │ ├── 6-asymptotic-analysis.mdx │ │ │ ├── 7-algorithmic-efficiency-evaluation.mdx │ │ │ ├── 8-algorithm-design-paradigm.mdx │ │ │ ├── 9-recursion-iteration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-linear-data-structure │ │ │ ├── 0-array-fundamentals.mdx │ │ │ ├── 1-array-operations-and-applications.mdx │ │ │ ├── 10-stack-application-scenarios.mdx │ │ │ ├── 11-queue-structure.mdx │ │ │ ├── 12-normal-queue.mdx │ │ │ ├── 13-loop-queue.mdx │ │ │ ├── 14-dual-ended-queue.mdx │ │ │ ├── 15-priority-queue-base.mdx │ │ │ ├── 2-one-dimensional-and-multi-dimensional-arrays.mdx │ │ │ ├── 3-linked-list-concept.mdx │ │ │ ├── 4-unidirectional-linked-list.mdx │ │ │ ├── 5-bidirectional-linked-list.mdx │ │ │ ├── 6-circular-linked-list.mdx │ │ │ ├── 7-linked-list-operation.mdx │ │ │ ├── 8-stack-structure.mdx │ │ │ ├── 9-how-the-stack-is-implemented.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-backtracking-and-branching-boundaries │ │ │ ├── 0-backtracking-basic-concepts.mdx │ │ │ ├── 1-state-space-tree.mdx │ │ │ ├── 10-uvpm3_pt_targetbox.mdx │ │ │ ├── 11-branch-limits-vs-backtracking.mdx │ │ │ ├── 12-optimal-solution-search.mdx │ │ │ ├── 13-feasible-solution-search.mdx │ │ │ ├── 2-solution-space.mdx │ │ │ ├── 3-binding-effect.mdx │ │ │ ├── 4-n-queens-problem.mdx │ │ │ ├── 5-coloring-questions-for-diagrams.mdx │ │ │ ├── 6-hamiltonian-circuit.mdx │ │ │ ├── 7-subsets-and-questions.mdx │ │ │ ├── 8-branch-boundary-method.mdx │ │ │ ├── 9-pruning-strategies.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-string-algorithm │ │ │ ├── 0-string-matching-basics.mdx │ │ │ ├── 1-plain-string-matching.mdx │ │ │ ├── 10-suffix-automaton.mdx │ │ │ ├── 11-compression-algorithm-basics.mdx │ │ │ ├── 12-string-hash.mdx │ │ │ ├── 13-regular-expression-engine-principle.mdx │ │ │ ├── 2-detailed-explanation-of-kmp-algorithm.mdx │ │ │ ├── 3-detailed-explanation-of-the-boyer-moore-algorithm.mdx │ │ │ ├── 4-rabin-karp-algorithm.mdx │ │ │ ├── 5-string-edit-distance.mdx │ │ │ ├── 6-longest-common-subsequence.mdx │ │ │ ├── 7-longest-common-substring.mdx │ │ │ ├── 8-dictionary-tree-app.mdx │ │ │ ├── 9-suffix-array.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-calculate-geometric-algorithms │ │ │ ├── 0-computational-geometry-basis.mdx │ │ │ ├── 1-points-and-vectors.mdx │ │ │ ├── 10-pointset-recent-pairs.mdx │ │ │ ├── 11-triangulation.mdx │ │ │ ├── 12-voronoi-diagram.mdx │ │ │ ├── 13-delaunay-triangulation.mdx │ │ │ ├── 2-segments-lines.mdx │ │ │ ├── 3-polygonal-representation.mdx │ │ │ ├── 4-convex-hull-algorithm.mdx │ │ │ ├── 5-graham-scanning.mdx │ │ │ ├── 6-jarvis-stepping-method.mdx │ │ │ ├── 7-inclusion-testing-of-points.mdx │ │ │ ├── 8-line-segment-intersection-detection.mdx │ │ │ ├── 9-polygon-area-calculation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-numerical-calculation-algorithm │ │ │ ├── 0-basis-of-numerical-calculation.mdx │ │ │ ├── 1-error-analysis.mdx │ │ │ ├── 10-eigenvalue-solving.mdx │ │ │ ├── 11-interpolation-fitting.mdx │ │ │ ├── 12-fast-fourier-transform.mdx │ │ │ ├── 13-numerical-optimization-algorithms.mdx │ │ │ ├── 2-equation-solving.mdx │ │ │ ├── 3-two-category-system.mdx │ │ │ ├── 4-newtonian-iterative-method.mdx │ │ │ ├── 5-numerical-integration.mdx │ │ │ ├── 6-the-monte-carlo-method.mdx │ │ │ ├── 7-solving-linear-equations.mdx │ │ │ ├── 8-gaussian-elimination.mdx │ │ │ ├── 9-matrix-algorithm.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-randomization-algorithm │ │ │ ├── 0-randomization-algorithm-basics.mdx │ │ │ ├── 1-random-number-generation.mdx │ │ │ ├── 10-simulated-annealing.mdx │ │ │ ├── 11-genetic-algorithm-basics.mdx │ │ │ ├── 12-randomized-approximation-algorithm.mdx │ │ │ ├── 13-randomization-complexity-analysis.mdx │ │ │ ├── 2-monte-carlo-algorithm.mdx │ │ │ ├── 3-las-vegas-algorithm.mdx │ │ │ ├── 4-sherwoods-algorithm.mdx │ │ │ ├── 5-randomize-quick-sort.mdx │ │ │ ├── 6-randomization-selection-algorithm.mdx │ │ │ ├── 7-randomization-graph-algorithm.mdx │ │ │ ├── 8-random-sampling.mdx │ │ │ ├── 9-random-walk.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-parallel-and-distributed-algorithms │ │ │ ├── 0-basics-of-parallel-algorithms.mdx │ │ │ ├── 1-parallel-computing-model.mdx │ │ │ ├── 10-distributed-search.mdx │ │ │ ├── 11-mapreduce-framework.mdx │ │ │ ├── 12-distributed-graph-processing.mdx │ │ │ ├── 13-distributed-storage-algorithm.mdx │ │ │ ├── 2-parallel-sorting-algorithm.mdx │ │ │ ├── 3-parallel-search-algorithm.mdx │ │ │ ├── 4-parallel-graph-algorithm.mdx │ │ │ ├── 5-data-decomposition-strategy.mdx │ │ │ ├── 6-task-breakdown-strategy.mdx │ │ │ ├── 7-load-balancing.mdx │ │ │ ├── 8-fundamentals-of-distributed-algorithms.mdx │ │ │ ├── 9-consistency-agreement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-algorithmic-design-tips │ │ │ ├── 0-problem-abstraction.mdx │ │ │ ├── 1-mathematical-induction-and-recursion.mdx │ │ │ ├── 10-invariant-maintenance.mdx │ │ │ ├── 11-data-structure-selection.mdx │ │ │ ├── 12-complexity-analysis-techniques.mdx │ │ │ ├── 13-problem-conversion-method.mdx │ │ │ ├── 2-incremental-design.mdx │ │ │ ├── 3-pretreatment-and-lookup-table-method.mdx │ │ │ ├── 4-dual-hands-technique.mdx │ │ │ ├── 5-sliding-window-technique.mdx │ │ │ ├── 6-discretization-method.mdx │ │ │ ├── 7-prefix-and-and-difference.mdx │ │ │ ├── 8-bitwise-operation-optimization.mdx │ │ │ ├── 9-space-time-weighing-techniques.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-practical-use-cases │ │ │ ├── 0-image-processing-algorithms.mdx │ │ │ ├── 1-network-routing-algorithms.mdx │ │ │ ├── 10-recommended-system-algorithm.mdx │ │ │ ├── 11-data-compression-algorithms.mdx │ │ │ ├── 12-blockchain-algorithm-basics.mdx │ │ │ ├── 13-big-data-processing-algorithms.mdx │ │ │ ├── 2-compiler-optimization-algorithms.mdx │ │ │ ├── 3-database-indexing-queries.mdx │ │ │ ├── 4-operating-system-scheduling-algorithm.mdx │ │ │ ├── 5-cryptographic-basis-algorithms.mdx │ │ │ ├── 6-algorithms-in-machine-learning.mdx │ │ │ ├── 7-artificial-intelligence-search-algorithm.mdx │ │ │ ├── 8-algorithms-in-game-development.mdx │ │ │ ├── 9-gis-algorithms.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-algorithmic-competitions-interviews │ │ │ ├── 0-introduction-to-algorithmic-contests.mdx │ │ │ ├── 1-common-contest-types.mdx │ │ │ ├── 10-boundary-case-handling.mdx │ │ │ ├── 11-interview-communication-skills.mdx │ │ │ ├── 12-algorithmic-visual-representation.mdx │ │ │ ├── 13-use-of-the-online-assessment-system.mdx │ │ │ ├── 2-contest-strategy-tips.mdx │ │ │ ├── 3-time-management.mdx │ │ │ ├── 4-typical-competition-topic-analysis.mdx │ │ │ ├── 5-interview-algorithm-problem-solving-framework.mdx │ │ │ ├── 6-common-algorithmic-interview-questions.mdx │ │ │ ├── 7-problem-solving-trainings.mdx │ │ │ ├── 8-code-styles-and-specifications.mdx │ │ │ ├── 9-algorithmic-complexity-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-nonlinear-data-structure │ │ │ ├── 0-basic-concepts-of-trees.mdx │ │ │ ├── 1-binary-tree.mdx │ │ │ ├── 10-heap-actions.mdx │ │ │ ├── 11-basic-concepts-of-the-diagram.mdx │ │ │ ├── 12-representation-of-the-diagram.mdx │ │ │ ├── 13-traversal-algorithm-for-graphs.mdx │ │ │ ├── 14-hashtable-principle.mdx │ │ │ ├── 15-hash-function.mdx │ │ │ ├── 16-collision-resolution-strategies.mdx │ │ │ ├── 2-binary-tree-traversal.mdx │ │ │ ├── 3-binary-search-tree.mdx │ │ │ ├── 4-balanced-binary-tree.mdx │ │ │ ├── 5-avl-tree.mdx │ │ │ ├── 6-redblack-tree.mdx │ │ │ ├── 7-b-tree-vs-bp-tree.mdx │ │ │ ├── 8-heap-structure.mdx │ │ │ ├── 9-largest-and-smallest-heaps.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-sorting-algorithm-order-by │ │ │ ├── 0-sorting-algorithm-overview.mdx │ │ │ ├── 1-bubble-sort.mdx │ │ │ ├── 10-cardinality-sort.mdx │ │ │ ├── 11-external-sorting.mdx │ │ │ ├── 12-sort-algorithm-comparison.mdx │ │ │ ├── 13-sorting-algorithm-stability.mdx │ │ │ ├── 2-select-sortby.mdx │ │ │ ├── 3-insert-sort.mdx │ │ │ ├── 4-hill-sorting.mdx │ │ │ ├── 5-merge-sort.mdx │ │ │ ├── 6-quicksort.mdx │ │ │ ├── 7-heap-sorting.mdx │ │ │ ├── 8-sort-counts.mdx │ │ │ ├── 9-bucket-sorting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-search-algorithm │ │ │ ├── 0-search-algorithm-overview.mdx │ │ │ ├── 1-sequential-search.mdx │ │ │ ├── 10-a-search-algorithm.mdx │ │ │ ├── 11-pattern-matching.mdx │ │ │ ├── 12-kmp-algorithm.mdx │ │ │ ├── 13-boyer-moore-algorithm.mdx │ │ │ ├── 2-dichotomous-search.mdx │ │ │ ├── 3-interpolate-search.mdx │ │ │ ├── 4-skip-search.mdx │ │ │ ├── 5-three-point-search.mdx │ │ │ ├── 6-hash-search.mdx │ │ │ ├── 7-tree-search-algorithm.mdx │ │ │ ├── 8-breadth-first-search.mdx │ │ │ ├── 9-depth-first-search.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-advanced-data-structure │ │ │ ├── 0-skip-table.mdx │ │ │ ├── 1-dictionary-tree-trie.mdx │ │ │ ├── 10-minimum-spanning-tree.mdx │ │ │ ├── 11-spatial-segmentation-data-structure.mdx │ │ │ ├── 12-quadtree.mdx │ │ │ ├── 13-kd-tree.mdx │ │ │ ├── 2-suffix-tree.mdx │ │ │ ├── 3-line-segment-tree.mdx │ │ │ ├── 4-tree-array.mdx │ │ │ ├── 5-and-lookups.mdx │ │ │ ├── 6-bloom-filter.mdx │ │ │ ├── 7-sparse-array.mdx │ │ │ ├── 8-advanced-representation-of-the-diagram.mdx │ │ │ ├── 9-dag.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-graph-theory-algorithm │ │ │ ├── 0-fundamentals-of-graph-theory.mdx │ │ │ ├── 1-shortest-path-problem.mdx │ │ │ ├── 10-network-flow-issues.mdx │ │ │ ├── 11-ford-fulkerson-algorithm.mdx │ │ │ ├── 12-bipartite-matching.mdx │ │ │ ├── 13-strongly-connected-component.mdx │ │ │ ├── 2-dijkstra-algorithm.mdx │ │ │ ├── 3-bellman-ford-algorithm.mdx │ │ │ ├── 4-floyd-warshall-algorithm.mdx │ │ │ ├── 5-min-spanning-tree-algorithm.mdx │ │ │ ├── 6-prim-algorithm.mdx │ │ │ ├── 7-kruskal-algorithm.mdx │ │ │ ├── 8-topological-sorting.mdx │ │ │ ├── 9-critical-path.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-dynamic-programming │ │ │ ├── 0-fundamentals-of-dynamic-programming.mdx │ │ │ ├── 1-optimal-substructure.mdx │ │ │ ├── 10-0-1-backpack.mdx │ │ │ ├── 11-full-backpack.mdx │ │ │ ├── 12-multi-backpack.mdx │ │ │ ├── 13-string-edit-distance.mdx │ │ │ ├── 2-overlapping-subquestions.mdx │ │ │ ├── 3-memorandum-method.mdx │ │ │ ├── 4-bottom-up-method.mdx │ │ │ ├── 5-state-transition-equation.mdx │ │ │ ├── 6-one-dimensional-dynamic-planning.mdx │ │ │ ├── 7-2d-dynamic-programming.mdx │ │ │ ├── 8-sequence-issues.mdx │ │ │ ├── 9-backpack-issues.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-greedy-algorithm │ │ │ ├── 0-greedy-algorithm-principle.mdx │ │ │ ├── 1-proof-of-greedy-tactics.mdx │ │ │ ├── 10-greedy-algorithms-vs-dynamic-planning.mdx │ │ │ ├── 11-limitations-of-the-greedy-algorithm.mdx │ │ │ ├── 12-counter-case-analysis.mdx │ │ │ ├── 13-approximation-algorithm.mdx │ │ │ ├── 2-activity-selection-questions.mdx │ │ │ ├── 3-huffman-coding.mdx │ │ │ ├── 4-greedy-solution-to-minimum-spanning-tree.mdx │ │ │ ├── 6-interval-scheduling-problem.mdx │ │ │ ├── 7-score-backpack-issue.mdx │ │ │ ├── 8-task-assignment-questions.mdx │ │ │ ├── 9-the-greedy-solution-to-the-shortest-path.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-divide-and-conquer-algorithm │ │ │ ├── 0-principle-of-divide-and-conquer-algorithm.mdx │ │ │ ├── 1-divide-step.mdx │ │ │ ├── 10-principal-theorem.mdx │ │ │ ├── 11-optimization-of-divide-and-conquer-algorithm.mdx │ │ │ ├── 12-parallel-divide-and-conquer-algorithm.mdx │ │ │ ├── 13-external-partitioning.mdx │ │ │ ├── 2-divide-in-merge-sort.mdx │ │ │ ├── 3-divide-in-quick-sort.mdx │ │ │ ├── 4-large-integer-multiplication.mdx │ │ │ ├── 5-strassen-matrix-multiplication.mdx │ │ │ ├── 6-recent-point-to-point-questions.mdx │ │ │ ├── 7-round-robin-schedule.mdx │ │ │ ├── 8-checkerboard-overlay-issue.mdx │ │ │ ├── 9-divide-and-conquer-algorithm-complexity-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── database │ │ ├── 0-database-basics │ │ │ ├── 0-database-system-overview.mdx │ │ │ ├── 1-database-development-history.mdx │ │ │ ├── 10-data-integrity.mdx │ │ │ ├── 11-data-redundancy-and-consistency.mdx │ │ │ ├── 12-data-security-and-access-control.mdx │ │ │ ├── 13-database-system-instance.mdx │ │ │ ├── 2-data-model-introduction.mdx │ │ │ ├── 3-database-management-system-dbms.mdx │ │ │ ├── 4-database-schema.mdx │ │ │ ├── 5-database-design-principles.mdx │ │ │ ├── 6-database-language-classification.mdx │ │ │ ├── 7-relational-database-basics.mdx │ │ │ ├── 8-non-relational-database-basics.mdx │ │ │ ├── 9-database-transactions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-sql-basics │ │ │ ├── 0-introduction-to-sql-language.mdx │ │ │ ├── 1-sql-syntax-rules.mdx │ │ │ ├── 10-sql-sort-results.mdx │ │ │ ├── 11-sql-aggregate-function.mdx │ │ │ ├── 12-sql-group-query.mdx │ │ │ ├── 13-sql-join-table.mdx │ │ │ ├── 2-sql-data-types.mdx │ │ │ ├── 3-sql-create-database.mdx │ │ │ ├── 4-sql-create-table.mdx │ │ │ ├── 5-sql-constraints.mdx │ │ │ ├── 6-sql-primary-key-and-foreign-key.mdx │ │ │ ├── 7-sql-insert-data.mdx │ │ │ ├── 8-sql-query-data.mdx │ │ │ ├── 9-sql-conditional-query.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-big-data-processing-and-analysis │ │ │ ├── 0-big-data-overview.mdx │ │ │ ├── 1-hadoop-ecosystem.mdx │ │ │ ├── 10-big-data-query-engine.mdx │ │ │ ├── 11-big-data-analysis-methods.mdx │ │ │ ├── 12-real-time-data-processing.mdx │ │ │ ├── 13-big-data-application-cases.mdx │ │ │ ├── 2-mapreduce-programming-model.mdx │ │ │ ├── 3-spark-data-processing.mdx │ │ │ ├── 4-hive-data-warehouse.mdx │ │ │ ├── 5-hbase-column-family-database.mdx │ │ │ ├── 6-stream-data-processing-framework.mdx │ │ │ ├── 7-data-lake-concept.mdx │ │ │ ├── 8-big-data-storage-technology.mdx │ │ │ ├── 9-distributed-file-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-information-systems-fundamentals │ │ │ ├── 0-information-system-overview.mdx │ │ │ ├── 1-information-system-classification.mdx │ │ │ ├── 10-information-system-evaluation-methods.mdx │ │ │ ├── 11-information-system-maintenance.mdx │ │ │ ├── 12-information-system-security.mdx │ │ │ ├── 13-information-systems-ethics.mdx │ │ │ ├── 2-information-system-architecture.mdx │ │ │ ├── 3-information-system-life-cycle.mdx │ │ │ ├── 4-requirements-engineering-basics.mdx │ │ │ ├── 5-system-analysis-method.mdx │ │ │ ├── 6-system-design-principles.mdx │ │ │ ├── 7-user-interface-design.mdx │ │ │ ├── 8-information-system-development-model.mdx │ │ │ ├── 9-software-engineering-and-information-systems.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-enterprise-information-system │ │ │ ├── 0-enterprise-resource-planning.mdx │ │ │ ├── 1-customer-relationship-management.mdx │ │ │ ├── 10-service-oriented-architecture-soa.mdx │ │ │ ├── 11-enterprise-service-bus-esb.mdx │ │ │ ├── 12-enterprise-mobile-applications.mdx │ │ │ ├── 13-cloud-enterprise-system.mdx │ │ │ ├── 2-supply-chain-management.mdx │ │ │ ├── 3-content-management-system-cms.mdx │ │ │ ├── 4-knowledge-management-system-kms.mdx │ │ │ ├── 5-decision-support-system.mdx │ │ │ ├── 6-enterprise-information-integration.mdx │ │ │ ├── 7-business-process-management.mdx │ │ │ ├── 8-enterprise-application-architecture.mdx │ │ │ ├── 9-master-data-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-data-integration-and-middleware │ │ │ ├── 0-data-integration-overview.mdx │ │ │ ├── 1-data-integration-architecture.mdx │ │ │ ├── 10-microservices-data-integration.mdx │ │ │ ├── 11-cloud-data-integration.mdx │ │ │ ├── 12-cross-platform-data-synchronization.mdx │ │ │ ├── 13-data-integration-best-practices.mdx │ │ │ ├── 2-etl-tools-and-technology.mdx │ │ │ ├── 3-real-time-data-integration.mdx │ │ │ ├── 4-data-quality-management.mdx │ │ │ ├── 5-master-data-management-platform.mdx │ │ │ ├── 6-enterprise-service-bus.mdx │ │ │ ├── 7-message-queue-middleware.mdx │ │ │ ├── 8-api-management-platform.mdx │ │ │ ├── 9-data-virtualization-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-data-security-and-privacy-protection │ │ │ ├── 0-database-security-overview.mdx │ │ │ ├── 1-access-control-model.mdx │ │ │ ├── 10-privacy-computing-methods.mdx │ │ │ ├── 11-data-security-regulations.mdx │ │ │ ├── 12-data-security-risk-assessment.mdx │ │ │ ├── 13-data-security-best-practices.mdx │ │ │ ├── 2-identity-authentication-mechanism.mdx │ │ │ ├── 3-authorization-and-rights-management.mdx │ │ │ ├── 4-data-encryption-technology.mdx │ │ │ ├── 5-data-desensitization-method.mdx │ │ │ ├── 6-audit-and-compliance.mdx │ │ │ ├── 7-sql-injection-defense.mdx │ │ │ ├── 8-data-loss-prevention.mdx │ │ │ ├── 9-privacy-protection-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-data-quality-and-governance │ │ │ ├── 0-data-quality-basics.mdx │ │ │ ├── 1-data-quality-dimensions.mdx │ │ │ ├── 10-data-lifecycle-management.mdx │ │ │ ├── 11-data-management-maturity-model.mdx │ │ │ ├── 12-data-quality-tools-and-platforms.mdx │ │ │ ├── 13-data-governance-best-practices.mdx │ │ │ ├── 2-data-quality-assessment-methods.mdx │ │ │ ├── 3-data-cleaning-technology.mdx │ │ │ ├── 4-data-standardization-process.mdx │ │ │ ├── 5-data-governance-framework.mdx │ │ │ ├── 6-metadata-management.mdx │ │ │ ├── 7-data-lineage-analysis.mdx │ │ │ ├── 8-data-catalog-construction.mdx │ │ │ ├── 9-master-data-management-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-sql-advanced-operations │ │ │ ├── 0-sql-subquery.mdx │ │ │ ├── 1-sql-view.mdx │ │ │ ├── 10-sql-window-function.mdx │ │ │ ├── 11-sql-cursor.mdx │ │ │ ├── 12-sql-batch-processing.mdx │ │ │ ├── 13-sql-execution-plan.mdx │ │ │ ├── 2-sql-stored-procedure.mdx │ │ │ ├── 3-sql-trigger.mdx │ │ │ ├── 4-sql-transaction-control.mdx │ │ │ ├── 5-sql-index.mdx │ │ │ ├── 6-sql-query-optimization.mdx │ │ │ ├── 7-sql-data-modification.mdx │ │ │ ├── 8-sql-data-deletion.mdx │ │ │ ├── 9-sql-temporary-table.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-relational-database-theory │ │ │ ├── 0-relational-model.mdx │ │ │ ├── 1-entity-relationship-model.mdx │ │ │ ├── 10-relational-algebra.mdx │ │ │ ├── 11-relational-calculus.mdx │ │ │ ├── 12-data-dependence-theory.mdx │ │ │ ├── 13-pattern-design-methodology.mdx │ │ │ ├── 2-normalization-theory.mdx │ │ │ ├── 3-first-normal-form-1nf.mdx │ │ │ ├── 4-second-paradigm-2nf.mdx │ │ │ ├── 5-the-third-paradigm-3nf.mdx │ │ │ ├── 6-bc-paradigm-bcnf.mdx │ │ │ ├── 7-the-fourth-paradigm-4nf.mdx │ │ │ ├── 8-fifth-paradigm-5nf.mdx │ │ │ ├── 9-denormalization-techniques.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-database-design-and-modeling │ │ │ ├── 0-database-design-process.mdx │ │ │ ├── 1-requirements-analysis-method.mdx │ │ │ ├── 10-modeling-tool-usage.mdx │ │ │ ├── 11-model-validation-methods.mdx │ │ │ ├── 12-database-documentation.mdx │ │ │ ├── 13-database-design-case.mdx │ │ │ ├── 2-concept-design-technology.mdx │ │ │ ├── 3-logic-design-steps.mdx │ │ │ ├── 4-physical-design-considerations.mdx │ │ │ ├── 5-er-diagram-drawing-method.mdx │ │ │ ├── 6-uml-data-modeling.mdx │ │ │ ├── 7-data-dictionary-creation.mdx │ │ │ ├── 8-data-flow-graph-dfd.mdx │ │ │ ├── 9-business-rule-definition.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-database-management-system │ │ │ ├── 0-mysql-basics.mdx │ │ │ ├── 1-postgresql-basics.mdx │ │ │ ├── 10-database-monitoring-tools.mdx │ │ │ ├── 11-performance-optimization-methods.mdx │ │ │ ├── 12-database-migration-technology.mdx │ │ │ ├── 13-dbms-selection-guide.mdx │ │ │ ├── 2-introduction-to-oracle-database.mdx │ │ │ ├── 3-sql-server-overview.mdx │ │ │ ├── 4-sqlite-lightweight-database.mdx │ │ │ ├── 5-comparison-of-mainstream-dbms.mdx │ │ │ ├── 6-dbms-installation-and-configuration.mdx │ │ │ ├── 7-user-management-and-permissions.mdx │ │ │ ├── 8-database-backup-strategy.mdx │ │ │ ├── 9-database-recovery-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-non-relational-database │ │ │ ├── 0-overview-of-nosql-database.mdx │ │ │ ├── 1-document-database-mongodb.mdx │ │ │ ├── 10-nosql-data-modeling.mdx │ │ │ ├── 11-nosql-query-language.mdx │ │ │ ├── 12-nosql-application-scenarios.mdx │ │ │ ├── 13-multi-model-database.mdx │ │ │ ├── 2-key-value-database-redis.mdx │ │ │ ├── 3-column-family-database-cassandra.mdx │ │ │ ├── 4-graph-database-neo4j.mdx │ │ │ ├── 5-time-series-database.mdx │ │ │ ├── 6-nosql-vs-sql.mdx │ │ │ ├── 7-cap-theorem.mdx │ │ │ ├── 8-base-theory.mdx │ │ │ ├── 9-distributed-database-principles.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-database-transactions-and-concurrency-control │ │ │ ├── 0-transaction-acid-attribute.mdx │ │ │ ├── 1-transaction-isolation-level.mdx │ │ │ ├── 10-distributed-transactions.mdx │ │ │ ├── 11-long-transaction-processing.mdx │ │ │ ├── 12-transaction-log-mechanism.mdx │ │ │ ├── 13-concurrency-control-performance-optimization.mdx │ │ │ ├── 2-concurrency-control-overview.mdx │ │ │ ├── 3-lock-mechanism-details.mdx │ │ │ ├── 4-deadlock-detection-and-prevention.mdx │ │ │ ├── 5-optimistic-concurrency-control.mdx │ │ │ ├── 6-pessimistic-concurrency-control.mdx │ │ │ ├── 7-multi-version-concurrency-control-mvcc.mdx │ │ │ ├── 8-timestamp-ordering-protocol.mdx │ │ │ ├── 9-two-phase-locking-protocol.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-database-indexing-and-query-optimization │ │ │ ├── 0-basic-concepts-of-indexing.mdx │ │ │ ├── 1-b-tree-index-structure.mdx │ │ │ ├── 10-query-rewrite-technology.mdx │ │ │ ├── 11-connection-order-optimization.mdx │ │ │ ├── 12-materialized-view-application.mdx │ │ │ ├── 13-application-of-partition-technology.mdx │ │ │ ├── 2-bp-tree-index-structure.mdx │ │ │ ├── 3-hash-index-technology.mdx │ │ │ ├── 4-full-text-indexing-method.mdx │ │ │ ├── 5-spatial-index-application.mdx │ │ │ ├── 6-index-design-strategy.mdx │ │ │ ├── 7-query-optimization-principles.mdx │ │ │ ├── 8-execution-plan-analysis.mdx │ │ │ ├── 9-statistics-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-data-warehousing-and-business-intelligence │ │ │ ├── 0-data-warehouse-concepts.mdx │ │ │ ├── 1-oltp-vs-olap.mdx │ │ │ ├── 10-introduction-to-business-intelligence-tools.mdx │ │ │ ├── 11-report-system-construction.mdx │ │ │ ├── 12-dashboard-design-principles.mdx │ │ │ ├── 13-data-visualization-technology.mdx │ │ │ ├── 2-data-warehouse-architecture.mdx │ │ │ ├── 3-detailed-explanation-of-the-etl-process.mdx │ │ │ ├── 4-data-mart-concept.mdx │ │ │ ├── 5-dimensional-modeling-techniques.mdx │ │ │ ├── 6-star-schema-design.mdx │ │ │ ├── 7-snowflake-pattern-design.mdx │ │ │ ├── 8-fact-table-and-dimension-table.mdx │ │ │ ├── 9-data-cube.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── interview │ │ ├── 0-data-structure-basics │ │ │ ├── 0-arrays-and-linked-lists.mdx │ │ │ ├── 1-stacks-and-queues.mdx │ │ │ ├── 10-basic-concepts-of-graphs.mdx │ │ │ ├── 11-graph-representation.mdx │ │ │ ├── 12-union-search.mdx │ │ │ ├── 13-jump-table.mdx │ │ │ ├── 14-dictionary-tree-trie.mdx │ │ │ ├── 2-basic-concepts-of-trees.mdx │ │ │ ├── 3-binary-tree.mdx │ │ │ ├── 4-binary-search-tree.mdx │ │ │ ├── 5-balanced-tree.mdx │ │ │ ├── 6-avl-tree-and-red-black-tree.mdx │ │ │ ├── 7-b-tree-and-bp-tree.mdx │ │ │ ├── 8-heap-structure.mdx │ │ │ ├── 9-hash-table.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-algorithm-basics │ │ │ ├── 0-algorithm-complexity-analysis.mdx │ │ │ ├── 1-time-complexity.mdx │ │ │ ├── 10-string-matching-algorithm.mdx │ │ │ ├── 11-mathematical-algorithm-foundation.mdx │ │ │ ├── 12-bitwise-operations.mdx │ │ │ ├── 13-prefix-sum-and-difference.mdx │ │ │ ├── 14-two-pointer-trick.mdx │ │ │ ├── 2-space-complexity.mdx │ │ │ ├── 3-big-o-notation.mdx │ │ │ ├── 4-comparison-of-the-complexity-of-common-algorithms.mdx │ │ │ ├── 5-recursive-algorithm.mdx │ │ │ ├── 6-divide-and-conquer-algorithm.mdx │ │ │ ├── 7-greedy-algorithm.mdx │ │ │ ├── 8-backtracking-algorithm.mdx │ │ │ ├── 9-dynamic-programming.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-java-basics │ │ │ ├── 0-java-language-features.mdx │ │ │ ├── 1-basic-data-types-and-packaging-classes.mdx │ │ │ ├── 10-java-io-system.mdx │ │ │ ├── 11-java-reflection-mechanism.mdx │ │ │ ├── 12-annotation-principles-and-applications.mdx │ │ │ ├── 13-generic-mechanism.mdx │ │ │ ├── 14-java-8-new-features.mdx │ │ │ ├── 2-three-major-characteristics-of-object-oriented.mdx │ │ │ ├── 3-difference-between-interface-and-abstract-class.mdx │ │ │ ├── 4-detailed-explanation-of-string-class.mdx │ │ │ ├── 5-java-exception-system.mdx │ │ │ ├── 6-collections-framework-overview.mdx │ │ │ ├── 7-arraylist-vs-linkedlist.mdx │ │ │ ├── 8-hashmap-implementation-principle.mdx │ │ │ ├── 9-concurrenthashmap-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-java-concurrent-programming │ │ │ ├── 0-thread-creation-method.mdx │ │ │ ├── 1-thread-lifecycle.mdx │ │ │ ├── 10-aqs-principle.mdx │ │ │ ├── 11-reentrantlock-principle.mdx │ │ │ ├── 12-countdownlatch-usage.mdx │ │ │ ├── 13-java-memory-model.mdx │ │ │ ├── 14-deadlock-principle-and-prevention.mdx │ │ │ ├── 2-thread-safety-issues.mdx │ │ │ ├── 3-synchronized-keyword.mdx │ │ │ ├── 4-the-volatile-keyword.mdx │ │ │ ├── 5-cas-principle.mdx │ │ │ ├── 6-atomic-application.mdx │ │ │ ├── 7-threadlocal-principle.mdx │ │ │ ├── 8-thread-pool-principle-and-use.mdx │ │ │ ├── 9-concurrent-containers.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-jvm-related │ │ │ ├── 0-jvm-memory-structure.mdx │ │ │ ├── 1-class-loading-mechanism.mdx │ │ │ ├── 10-method-inlining.mdx │ │ │ ├── 11-escape-analysis.mdx │ │ │ ├── 12-bytecode-technology.mdx │ │ │ ├── 13-class-file-structure.mdx │ │ │ ├── 14-constant-pool.mdx │ │ │ ├── 2-parent-delegation-model.mdx │ │ │ ├── 3-garbage-collection-algorithm.mdx │ │ │ ├── 4-garbage-collector.mdx │ │ │ ├── 5-jvm-tuning-parameters.mdx │ │ │ ├── 6-jvm-monitoring-tools.mdx │ │ │ ├── 7-memory-leak-troubleshooting.mdx │ │ │ ├── 8-oom-problem-analysis.mdx │ │ │ ├── 9-jit-compilation-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-spring-framework │ │ │ ├── 0-spring-core-concepts.mdx │ │ │ ├── 1-ioc-container-principle.mdx │ │ │ ├── 10-spring-cloud-components.mdx │ │ │ ├── 11-service-registration-and-discovery.mdx │ │ │ ├── 12-configuration-center-design.mdx │ │ │ ├── 13-fuse-implementation.mdx │ │ │ ├── 14-spring-security-mechanism.mdx │ │ │ ├── 2-bean-lifecycle.mdx │ │ │ ├── 3-aop-implementation-principle.mdx │ │ │ ├── 4-transaction-management-mechanism.mdx │ │ │ ├── 5-spring-mvc-principle.mdx │ │ │ ├── 6-annotation-driven-development.mdx │ │ │ ├── 7-spring-boot-features.mdx │ │ │ ├── 8-automatic-configuration-principle.mdx │ │ │ ├── 9-spring-boot-startup-process.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-distributed-systems │ │ │ ├── 0-distributed-systems-theory.mdx │ │ │ ├── 1-consensus-algorithm.mdx │ │ │ ├── 10-rpc-principle.mdx │ │ │ ├── 11-distributed-scheduling-system.mdx │ │ │ ├── 12-link-tracking.mdx │ │ │ ├── 13-service-mesh.mdx │ │ │ ├── 14-containers-and-container-orchestration.mdx │ │ │ ├── 2-paxos-algorithm.mdx │ │ │ ├── 3-raft-algorithm.mdx │ │ │ ├── 4-distributed-coordination-service.mdx │ │ │ ├── 5-zookeeper-principle-and-application.mdx │ │ │ ├── 6-distributed-cache.mdx │ │ │ ├── 7-distributed-message-queue.mdx │ │ │ ├── 8-kafka-architecture-design.mdx │ │ │ ├── 9-rabbitmq-usage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-front-end-basics │ │ │ ├── 0-html-basics.mdx │ │ │ ├── 1-css-basics.mdx │ │ │ ├── 10-cross-domain-problem-solving.mdx │ │ │ ├── 11-browser-storage.mdx │ │ │ ├── 12-browser-rendering-principle.mdx │ │ │ ├── 13-front-end-security.mdx │ │ │ ├── 14-responsive-design.mdx │ │ │ ├── 2-javascript-core-concepts.mdx │ │ │ ├── 3-prototypes-and-prototype-chains.mdx │ │ │ ├── 4-scope-and-closures.mdx │ │ │ ├── 5-event-loop-mechanism.mdx │ │ │ ├── 6-dom-operations.mdx │ │ │ ├── 7-ajax-technology.mdx │ │ │ ├── 8-front-end-modularity.mdx │ │ │ ├── 9-front-end-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-front-end-framework │ │ │ ├── 0-react-basics.mdx │ │ │ ├── 1-react-lifecycle.mdx │ │ │ ├── 10-virtual-dom-principle.mdx │ │ │ ├── 11-component-based-development.mdx │ │ │ ├── 12-server-side-rendering.mdx │ │ │ ├── 13-front-end-testing.mdx │ │ │ ├── 14-front-end-engineering.mdx │ │ │ ├── 2-react-hooks.mdx │ │ │ ├── 3-react-state-management.mdx │ │ │ ├── 4-vue-basics.mdx │ │ │ ├── 5-vue-component-communication.mdx │ │ │ ├── 6-vue-responsive-principle.mdx │ │ │ ├── 7-vuex-state-management.mdx │ │ │ ├── 8-angular-basics.mdx │ │ │ ├── 9-front-end-routing-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-project-management-and-development │ │ │ ├── 0-tips-for-using-git.mdx │ │ │ ├── 1-agile-development-process.mdx │ │ │ ├── 10-requirements-analysis-techniques.mdx │ │ │ ├── 11-project-estimation-methods.mdx │ │ │ ├── 12-technology-selection-considerations.mdx │ │ │ ├── 13-code-refactoring.mdx │ │ │ ├── 14-technical-debt-management.mdx │ │ │ ├── 2-continuous-integration-and-deployment.mdx │ │ │ ├── 3-code-review-best-practices.mdx │ │ │ ├── 4-unit-test-writing.mdx │ │ │ ├── 5-integration-testing-strategy.mdx │ │ │ ├── 6-performance-testing-methods.mdx │ │ │ ├── 7-log-management.mdx │ │ │ ├── 8-monitoring-and-alarm-system.mdx │ │ │ ├── 9-project-documentation-writing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-interview-tips │ │ │ ├── 0-resume-writing-tips.mdx │ │ │ ├── 1-self-introduction-preparation.mdx │ │ │ ├── 10-interview-questioning-session.mdx │ │ │ ├── 11-notes-on-remote-interviews.mdx │ │ │ ├── 12-interview-etiquette.mdx │ │ │ ├── 13-follow-up-after-the-interview.mdx │ │ │ ├── 14-offer-selection-and-comparison.mdx │ │ │ ├── 2-project-experience-description.mdx │ │ │ ├── 3-technical-problem-response.mdx │ │ │ ├── 4-solution-ideas-for-algorithmic-problems.mdx │ │ │ ├── 5-system-design-questions.mdx │ │ │ ├── 6-behavioral-interviewing-skills.mdx │ │ │ ├── 7-coping-with-stress-interviews.mdx │ │ │ ├── 8-salary-negotiation-skills-china.mdx │ │ │ ├── 8-salary-negotiation-skills.mdx │ │ │ ├── 9-common-interview-questions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-sorting-algorithms │ │ │ ├── 0-bubble-sort.mdx │ │ │ ├── 1-selection-sort.mdx │ │ │ ├── 10-sorting-algorithm-stability.mdx │ │ │ ├── 11-comparison-of-sorting-algorithm-complexity.mdx │ │ │ ├── 12-internal-and-external-sorting.mdx │ │ │ ├── 13-application-scenarios-of-sorting-algorithms.mdx │ │ │ ├── 14-custom-sorting-rules.mdx │ │ │ ├── 2-insertion-sort.mdx │ │ │ ├── 3-shell-sort.mdx │ │ │ ├── 4-merge-sort.mdx │ │ │ ├── 5-quick-sort.mdx │ │ │ ├── 6-heap-sort.mdx │ │ │ ├── 7-counting-sort.mdx │ │ │ ├── 8-bucket-sort.mdx │ │ │ ├── 9-radix-sort.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-search-algorithms │ │ │ ├── 0-sequential-search.mdx │ │ │ ├── 1-binary-search.mdx │ │ │ ├── 10-memoized-search.mdx │ │ │ ├── 11-search-pruning-techniques.mdx │ │ │ ├── 12-application-scenarios-of-search-algorithms.mdx │ │ │ ├── 13-minimum-spanning-tree.mdx │ │ │ ├── 14-shortest-path-algorithm.mdx │ │ │ ├── 2-binary-search-variants.mdx │ │ │ ├── 3-breadth-first-search-bfs.mdx │ │ │ ├── 4-depth-first-search-dfs.mdx │ │ │ ├── 5-a-search-algorithm.mdx │ │ │ ├── 6-heuristic-search.mdx │ │ │ ├── 7-bipartite-graph-decision.mdx │ │ │ ├── 8-topological-sort.mdx │ │ │ ├── 9-bidirectional-search.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-operating-system │ │ │ ├── 0-processes-and-threads.mdx │ │ │ ├── 1-process-states-and-transitions.mdx │ │ │ ├── 10-page-replacement-algorithm.mdx │ │ │ ├── 11-file-system.mdx │ │ │ ├── 12-io-model.mdx │ │ │ ├── 13-interrupt-mechanism.mdx │ │ │ ├── 14-system-calls.mdx │ │ │ ├── 2-process-scheduling-algorithm.mdx │ │ │ ├── 3-process-communication-mode.mdx │ │ │ ├── 4-threading-model.mdx │ │ │ ├── 5-thread-synchronization-mechanism.mdx │ │ │ ├── 6-mutexes-and-semaphores.mdx │ │ │ ├── 7-deadlock-concept-and-processing.mdx │ │ │ ├── 8-memory-management-basics.mdx │ │ │ ├── 9-virtual-memory.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-computer-network │ │ │ ├── 0-osi-seven-layer-model.mdx │ │ │ ├── 1-tcpip-protocol-family.mdx │ │ │ ├── 10-dns-resolution-process.mdx │ │ │ ├── 11-cybersecurity-basics.mdx │ │ │ ├── 12-common-network-attacks.mdx │ │ │ ├── 13-load-balancing.mdx │ │ │ ├── 14-network-programming-basics.mdx │ │ │ ├── 2-ip-protocol.mdx │ │ │ ├── 3-tcp-vs-udp.mdx │ │ │ ├── 4-tcp-three-way-handshake-and-four-way-wave.mdx │ │ │ ├── 5-tcp-flow-control-and-congestion-control.mdx │ │ │ ├── 6-http-protocol.mdx │ │ │ ├── 7-http-status-code.mdx │ │ │ ├── 8-the-difference-between-http101120.mdx │ │ │ ├── 9-https-principle.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-database-basics │ │ │ ├── 0-relational-database-concepts.mdx │ │ │ ├── 1-sql-statement-classification.mdx │ │ │ ├── 10-sql-injection-protection.mdx │ │ │ ├── 11-database-and-table-sharding-strategy.mdx │ │ │ ├── 12-database-backup-and-recovery.mdx │ │ │ ├── 13-orm-basics.mdx │ │ │ ├── 14-database-design-practice.mdx │ │ │ ├── 2-database-design-paradigm.mdx │ │ │ ├── 3-sql-query-optimization.mdx │ │ │ ├── 4-indexing-principles-and-applications.mdx │ │ │ ├── 5-transaction-acid-characteristics.mdx │ │ │ ├── 6-transaction-isolation-level.mdx │ │ │ ├── 7-database-lock-mechanism.mdx │ │ │ ├── 8-optimistic-locking-and-pessimistic-locking.mdx │ │ │ ├── 9-database-connection-pool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-nosql-database │ │ │ ├── 0-nosql-concepts-and-classification.mdx │ │ │ ├── 1-redis-basics.mdx │ │ │ ├── 10-elasticsearch-basics.mdx │ │ │ ├── 11-full-text-search-principle.mdx │ │ │ ├── 12-distributed-database.mdx │ │ │ ├── 13-cap-theory.mdx │ │ │ ├── 14-base-theory.mdx │ │ │ ├── 2-redis-data-types.mdx │ │ │ ├── 3-redis-persistence-mechanism.mdx │ │ │ ├── 4-redis-transaction.mdx │ │ │ ├── 5-redis-cache-strategy.mdx │ │ │ ├── 6-mongodb-basics.mdx │ │ │ ├── 7-mongodb-document-model.mdx │ │ │ ├── 8-mongodb-index.mdx │ │ │ ├── 9-mongodb-aggregation-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-design-patterns │ │ │ ├── 0-design-pattern-principles.mdx │ │ │ ├── 1-singleton-pattern.mdx │ │ │ ├── 10-strategy-pattern.mdx │ │ │ ├── 11-template-method-pattern.mdx │ │ │ ├── 12-chain-of-responsibility-pattern.mdx │ │ │ ├── 13-command-mode.mdx │ │ │ ├── 14-design-pattern-practice-application.mdx │ │ │ ├── 2-factory-pattern.mdx │ │ │ ├── 3-abstract-factory-pattern.mdx │ │ │ ├── 4-builder-pattern.mdx │ │ │ ├── 5-prototype-pattern.mdx │ │ │ ├── 6-adapter-pattern.mdx │ │ │ ├── 7-decorator-pattern.mdx │ │ │ ├── 8-proxy-mode.mdx │ │ │ ├── 9-observer-pattern.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-system-design │ │ │ ├── 0-basic-principles-of-system-design.mdx │ │ │ ├── 1-scalability-design.mdx │ │ │ ├── 10-current-limiting-design.mdx │ │ │ ├── 11-circuit-breaker-and-downgrade.mdx │ │ │ ├── 12-microservices-architecture.mdx │ │ │ ├── 13-service-discovery.mdx │ │ │ ├── 14-api-gateway-design.mdx │ │ │ ├── 2-high-availability-design.mdx │ │ │ ├── 3-high-concurrency-design.mdx │ │ │ ├── 4-load-balancing-design.mdx │ │ │ ├── 5-cache-design-and-application.mdx │ │ │ ├── 6-message-queue-design.mdx │ │ │ ├── 7-distributed-id-generation.mdx │ │ │ ├── 8-distributed-locks.mdx │ │ │ ├── 9-distributed-transactions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── lean │ │ ├── 0-lean-basics │ │ │ ├── 0-lean-introduction-and-history.mdx │ │ │ ├── 1-lean-installation-and-environment-configuration.mdx │ │ │ ├── 10-lean-error-message-understanding.mdx │ │ │ ├── 11-lean-basic-operator.mdx │ │ │ ├── 12-lean-naming-rules.mdx │ │ │ ├── 13-lean-commonly-used-shortcut-keys.mdx │ │ │ ├── 2-lean-editor-settings.mdx │ │ │ ├── 3-lean-first-program.mdx │ │ │ ├── 4-lean-grammar-basics.mdx │ │ │ ├── 5-lean-comments.mdx │ │ │ ├── 6-lean-command-line-interface.mdx │ │ │ ├── 7-lean-interactive-development.mdx │ │ │ ├── 8-lean-project-structure.mdx │ │ │ ├── 9-lean-import-and-modules.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-lean-type-system │ │ │ ├── 0-lean-type-basics.mdx │ │ │ ├── 1-lean-basic-type.mdx │ │ │ ├── 10-lean-type-inference.mdx │ │ │ ├── 11-lean-type-safety.mdx │ │ │ ├── 12-lean-type-conversion.mdx │ │ │ ├── 13-lean-subtype.mdx │ │ │ ├── 2-lean-type-declaration.mdx │ │ │ ├── 3-lean-function-type.mdx │ │ │ ├── 4-lean-dependency-type.mdx │ │ │ ├── 5-lean-inductive-type.mdx │ │ │ ├── 6-lean-recursive-type.mdx │ │ │ ├── 7-lean-algebraic-data-types.mdx │ │ │ ├── 8-lean-polymorphic-type.mdx │ │ │ ├── 9-lean-type-class.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-lean-advanced-proof-technology │ │ │ ├── 0-lean-proves-automation.mdx │ │ │ ├── 1-lean-decision-making-process.mdx │ │ │ ├── 10-lean-residual-induction-method.mdx │ │ │ ├── 11-lean-advanced-quantifier-processing.mdx │ │ │ ├── 12-lean-proof-reconstruction.mdx │ │ │ ├── 13-lean-can-determine-the-fragment.mdx │ │ │ ├── 2-leansimplifier.mdx │ │ │ ├── 3-lean-smt-solution.mdx │ │ │ ├── 4-lean-reflex-mechanism.mdx │ │ │ ├── 5-lean-metaprogramming.mdx │ │ │ ├── 6-lean-tactical-combination.mdx │ │ │ ├── 7-lean-proves-state-operation.mdx │ │ │ ├── 8-lean-proof-search.mdx │ │ │ ├── 9-lean-induction-variant.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-lean-and-math-library │ │ │ ├── 0-introduction-to-lean-standard-library.mdx │ │ │ ├── 1-introduction-to-lean-mathlib.mdx │ │ │ ├── 10-lean-number-theory-library.mdx │ │ │ ├── 11-lean-combinatorial-mathematics-library.mdx │ │ │ ├── 12-lean-category-theory-library.mdx │ │ │ ├── 13-leanusing-external-libraries.mdx │ │ │ ├── 2-lean-mathematics-library-structure.mdx │ │ │ ├── 3-lean-math-library-import.mdx │ │ │ ├── 4-lean-set-theory-library.mdx │ │ │ ├── 5-lean-algebra-library.mdx │ │ │ ├── 6-lean-topology-library.mdx │ │ │ ├── 7-lean-analysis-library.mdx │ │ │ ├── 8-lean-geometry-library.mdx │ │ │ ├── 9-lean-probability-theory-library.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-lean-and-software-development │ │ │ ├── 0-lean-program-extraction.mdx │ │ │ ├── 1-lean-interacts-with-haskell.mdx │ │ │ ├── 10-lean-performance-optimization.mdx │ │ │ ├── 11-lean-design-pattern.mdx │ │ │ ├── 12-leanlarge-project-management.mdx │ │ │ ├── 13-lean-devops-practice.mdx │ │ │ ├── 2-lean-interacts-with-ocaml.mdx │ │ │ ├── 3-lean-system-programming.mdx │ │ │ ├── 4-lean-web-development.mdx │ │ │ ├── 5-lean-concurrent-programming.mdx │ │ │ ├── 6-lean-error-handling.mdx │ │ │ ├── 7-lean-io-operation.mdx │ │ │ ├── 8-lean-state-management.mdx │ │ │ ├── 9-lean-test-framework.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-lean-metaprogramming │ │ │ ├── 0-introduction-to-lean-metaprogramming.mdx │ │ │ ├── 1-lean-grammar-reference.mdx │ │ │ ├── 10-lean-metadata-access.mdx │ │ │ ├── 11-lean-compile-time-calculation.mdx │ │ │ ├── 12-lean-evaluator.mdx │ │ │ ├── 13-lean-converter.mdx │ │ │ ├── 2-lean-macro-definition.mdx │ │ │ ├── 3-lean-tactics-writing.mdx │ │ │ ├── 4-leancustomize-the-decision-making-process.mdx │ │ │ ├── 5-lean-grammar-extension.mdx │ │ │ ├── 6-lean-project-automation.mdx │ │ │ ├── 7-lean-code-generation.mdx │ │ │ ├── 8-lean-dsl-development.mdx │ │ │ ├── 9-lean-reflection-api.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-features │ │ │ ├── 0-lean4-architecture-overview.mdx │ │ │ ├── 1-comparison-between-lean4-and-lean3.mdx │ │ │ ├── 10-lean4-parallel-processing.mdx │ │ │ ├── 11-lean4-new-standard-library.mdx │ │ │ ├── 12-lean4-new-tactics.mdx │ │ │ ├── 13-lean4-ecosystem.mdx │ │ │ ├── 2-lean4-new-syntax.mdx │ │ │ ├── 3-lean4-improves-the-type-system.mdx │ │ │ ├── 4-lean4-structured-project.mdx │ │ │ ├── 5-lean4-macro-system.mdx │ │ │ ├── 6-lean4-attribute-system.mdx │ │ │ ├── 7-lean4-pattern-matching.mdx │ │ │ ├── 8-lean4-interacts-with-c.mdx │ │ │ ├── 9-lean4-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-lean-practice-project │ │ │ ├── 0-lean-mathematical-theorem-formalization.mdx │ │ │ ├── 1-lean-algorithm-correctness-proof.mdx │ │ │ ├── 10-lean-formal-software-requirements.mdx │ │ │ ├── 11-lean-game-logic-verification.mdx │ │ │ ├── 12-leanhardware-design-verification.mdx │ │ │ ├── 13-leansafety-critical-system-verification.mdx │ │ │ ├── 2-lean-cryptographic-protocol-verification.mdx │ │ │ ├── 3-lean-compiler-verification.mdx │ │ │ ├── 4-lean-distributed-system-verification.mdx │ │ │ ├── 5-leanembedded-system-verification.mdx │ │ │ ├── 6-lean-machine-learning-algorithm-verification.mdx │ │ │ ├── 7-lean-financial-model-verification.mdx │ │ │ ├── 8-lean-medical-system-verification.mdx │ │ │ ├── 9-lean-blockchain-smart-contract-verification.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-lean-community-and-resources │ │ │ ├── 0-lean-community-overview.mdx │ │ │ ├── 1-lean-document-resources.mdx │ │ │ ├── 10-lean-research-frontier.mdx │ │ │ ├── 11-lean-employment-direction.mdx │ │ │ ├── 12-comparison-of-lean-with-other-proof-assistants.mdx │ │ │ ├── 13-leanfuture-development.mdx │ │ │ ├── 2-lean-online-course.mdx │ │ │ ├── 3-lean-book-recommendation.mdx │ │ │ ├── 4-lean-academic-papers.mdx │ │ │ ├── 5-leanconferences-and-lectures.mdx │ │ │ ├── 6-lean-open-source-contribution.mdx │ │ │ ├── 7-lean-question-answering.mdx │ │ │ ├── 8-common-difficulties-of-lean.mdx │ │ │ ├── 9-best-practices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-lean-functional-programming │ │ │ ├── 0-lean-function-definition.mdx │ │ │ ├── 1-lean-function-call.mdx │ │ │ ├── 10-lean-side-effect-management.mdx │ │ │ ├── 11-lean-lazy-evaluation.mdx │ │ │ ├── 12-lean-function-combination.mdx │ │ │ ├── 13-lean-function-overloading.mdx │ │ │ ├── 2-lean-recursive-function.mdx │ │ │ ├── 3-lean-anonymous-function.mdx │ │ │ ├── 4-lean-higher-order-function.mdx │ │ │ ├── 5-lean-part-application.mdx │ │ │ ├── 6-lean-currying.mdx │ │ │ ├── 7-lean-pattern-matching.mdx │ │ │ ├── 8-lean-tail-recursion-optimization.mdx │ │ │ ├── 9-lean-pure-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-lean-proof-foundation │ │ │ ├── 0-lean-proof-introduction.mdx │ │ │ ├── 1-lean-proposition-and-theorem.mdx │ │ │ ├── 10-lean-axiom-system.mdx │ │ │ ├── 11-lean-formal-mathematics.mdx │ │ │ ├── 12-lean-proof-debugging.mdx │ │ │ ├── 13-leanproof-style-guide.mdx │ │ │ ├── 2-lean-proof-status.mdx │ │ │ ├── 3-lean-tactical-system.mdx │ │ │ ├── 4-lean-basic-tactics.mdx │ │ │ ├── 5-lean-proof-mode.mdx │ │ │ ├── 6-lean-simple-proof-example.mdx │ │ │ ├── 7-lean-proves-reuse.mdx │ │ │ ├── 8-lean-proves-automation.mdx │ │ │ ├── 9-lean-lemma-and-corollary.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-lean-propositional-logic │ │ │ ├── 0-lean-proposition-foundation.mdx │ │ │ ├── 1-lean-boolean-logic.mdx │ │ │ ├── 10-lean-quantifier.mdx │ │ │ ├── 11-lean-existential-quantifier.mdx │ │ │ ├── 12-lean-universal-quantifier.mdx │ │ │ ├── 13-lean-quantifier-nesting.mdx │ │ │ ├── 2-lean-logical-connectives.mdx │ │ │ ├── 3-lean-implies-relationship.mdx │ │ │ ├── 4-lean-logical-equivalence.mdx │ │ │ ├── 5-lean-contradiction-proof.mdx │ │ │ ├── 6-lean-proof-by-contradiction.mdx │ │ │ ├── 7-leanclassic-logic.mdx │ │ │ ├── 8-lean-intuitionistic-logic.mdx │ │ │ ├── 9-lean-predicate-logic.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-lean-algebraic-structure │ │ │ ├── 0-introduction-to-lean-algebraic-structure.mdx │ │ │ ├── 1-lean-semigroup-structure.mdx │ │ │ ├── 10-lean-algebra-data-type.mdx │ │ │ ├── 11-lean-category-theory-foundation.mdx │ │ │ ├── 12-lean-homomorphism-and-isomorphism.mdx │ │ │ ├── 13-lean-algebraic-structure-application.mdx │ │ │ ├── 2-lean-monoid.mdx │ │ │ ├── 3-lean-group.mdx │ │ │ ├── 4-lean-ring.mdx │ │ │ ├── 5-lean-domain.mdx │ │ │ ├── 6-lean-vector-space.mdx │ │ │ ├── 7-lean-model.mdx │ │ │ ├── 8-leange.mdx │ │ │ ├── 9-lean-partial-order-set.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-lean-induction-and-recursion │ │ │ ├── 0-lean-inductive-definition.mdx │ │ │ ├── 1-lean-inductive-type.mdx │ │ │ ├── 10-lean-measure-function.mdx │ │ │ ├── 11-lean-nested-recursion.mdx │ │ │ ├── 12-lean-coordination-recursion.mdx │ │ │ ├── 13-lean-recursive-data-structure.mdx │ │ │ ├── 2-lean-induction-proof.mdx │ │ │ ├── 3-lean-structure-induction.mdx │ │ │ ├── 4-lean-good-foundation-summary.mdx │ │ │ ├── 5-lean-mutually-recursive-definition.mdx │ │ │ ├── 6-lean-recursive-function.mdx │ │ │ ├── 7-lean-recursive-proof.mdx │ │ │ ├── 8-lean-termination-proof.mdx │ │ │ ├── 9-lean-acc-relationship.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-lean-program-verification │ │ │ ├── 0-lean-program-verification-basics.mdx │ │ │ ├── 1-lean-preconditions.mdx │ │ │ ├── 10-lean-termination-proof.mdx │ │ │ ├── 11-lean-side-effect-reasoning.mdx │ │ │ ├── 12-lean-program-extraction.mdx │ │ │ ├── 13-lean-validation-case-study.mdx │ │ │ ├── 2-lean-postcondition.mdx │ │ │ ├── 3-lean-invariant.mdx │ │ │ ├── 4-lean-cycle-verification.mdx │ │ │ ├── 5-lean-recursive-verification.mdx │ │ │ ├── 6-lean-program-specifications.mdx │ │ │ ├── 7-lean-precision-proof.mdx │ │ │ ├── 8-lean-safety-proof.mdx │ │ │ ├── 9-lean-activity-proof.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-lean-data-structure │ │ │ ├── 0-lean-list.mdx │ │ │ ├── 1-lean-list-operation-and-proof.mdx │ │ │ ├── 10-lean-priority-queue.mdx │ │ │ ├── 11-lean-immutable-data-structure.mdx │ │ │ ├── 12-lean-persistent-data-structure.mdx │ │ │ ├── 13-lean-data-structure-efficiency-proof.mdx │ │ │ ├── 2-lean-vector.mdx │ │ │ ├── 3-lean-array.mdx │ │ │ ├── 4-lean-tree-structure.mdx │ │ │ ├── 5-lean-graph-structure.mdx │ │ │ ├── 6-lean-mapping-and-dictionary.mdx │ │ │ ├── 7-lean-collection.mdx │ │ │ ├── 8-lean-multiset.mdx │ │ │ ├── 9-lean-queue-and-stack.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-lean-mathematics-basics │ │ │ ├── 0-lean-natural-number.mdx │ │ │ ├── 1-lean-integer.mdx │ │ │ ├── 10-lean-topology-basics.mdx │ │ │ ├── 11-lean-algebra-basics.mdx │ │ │ ├── 12-lean-calculus-basics.mdx │ │ │ ├── 13-lean-number-theory-basics.mdx │ │ │ ├── 2-lean-rational-number.mdx │ │ │ ├── 3-lean-real-number.mdx │ │ │ ├── 4-lean.mdx │ │ │ ├── 5-lean-ordinal-and-cardinality.mdx │ │ │ ├── 6-lean-set-theory.mdx │ │ │ ├── 7-lean-relationship-theory.mdx │ │ │ ├── 8-lean-function-theory.mdx │ │ │ ├── 9-lean-order-theory.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── network │ │ ├── 0-basic-computer-network │ │ │ ├── 0-overview-of-computer-network.mdx │ │ │ ├── 1-network-architecture.mdx │ │ │ ├── 10-information-encoding-and-modulation.mdx │ │ │ ├── 11-circuit-switching-and-packet-switching.mdx │ │ │ ├── 12-network-protocol-concepts.mdx │ │ │ ├── 13-cybersecurity-fundamentals.mdx │ │ │ ├── 2-network-topology.mdx │ │ │ ├── 3-network-classification-and-characteristics.mdx │ │ │ ├── 4-network-standardization-organization.mdx │ │ │ ├── 5-history-of-computer-networks.mdx │ │ │ ├── 6-network-performance-metrics.mdx │ │ │ ├── 7-network-latency-and-bandwidth.mdx │ │ │ ├── 8-conversion-of-computer-network-units.mdx │ │ │ ├── 9-data-communication-fundamentals.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-physical-layer │ │ │ ├── 0-physical-layer-overview.mdx │ │ │ ├── 1-principle-of-data-communication.mdx │ │ │ ├── 10-baseband-transmission-vs-bandwidth-transmission.mdx │ │ │ ├── 11-pcm.mdx │ │ │ ├── 12-physical-layer-interface-standard.mdx │ │ │ ├── 13-physical-layer-devices.mdx │ │ │ ├── 2-transmission-medium.mdx │ │ │ ├── 3-cable-transmission-media.mdx │ │ │ ├── 4-wireless-transmission-technology.mdx │ │ │ ├── 5-signals-noise.mdx │ │ │ ├── 6-digital-modulation-technology.mdx │ │ │ ├── 7-multiplexing-techniques.mdx │ │ │ ├── 8-channel-capacity.mdx │ │ │ ├── 9-nyquists-theorem-and-shannons-theorem.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-internet-technology │ │ │ ├── 0-internet-architecture.mdx │ │ │ ├── 1-backbone-and-access-networks.mdx │ │ │ ├── 10-network-function-virtualization-nfv.mdx │ │ │ ├── 11-cloud-network.mdx │ │ │ ├── 12-10-g-id110-edge-computing10-g1010.mdx │ │ │ ├── 13-next-generation-internet.mdx │ │ │ ├── 2-isp-and-ixp.mdx │ │ │ ├── 3-cdn-technology.mdx │ │ │ ├── 4-internet-routing-policy.mdx │ │ │ ├── 5-nat-technology.mdx │ │ │ ├── 6-multicast-technology.mdx │ │ │ ├── 7-qos-protection.mdx │ │ │ ├── 8-mpls-technology.mdx │ │ │ ├── 9-software-defined-network-sdn.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-fundamentals-of-network-programming │ │ │ ├── 0-network-programming-overview.mdx │ │ │ ├── 1-socket-programming-model.mdx │ │ │ ├── 10-restful-api-interaction.mdx │ │ │ ├── 11-websocket-programming.mdx │ │ │ ├── 12-rpc-communication.mdx │ │ │ ├── 13-network-libraries-frameworks.mdx │ │ │ ├── 2-tcp-socket-programming.mdx │ │ │ ├── 3-udp-socket-programming.mdx │ │ │ ├── 4-io-model.mdx │ │ │ ├── 5-blocked-vs-non-blocking-io.mdx │ │ │ ├── 6-multiplexing-io.mdx │ │ │ ├── 7-asynchronous-io.mdx │ │ │ ├── 8-http-client-programming.mdx │ │ │ ├── 9-web-crawler-base.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-network-protocol-analysis │ │ │ ├── 0-network-analysis-overview.mdx │ │ │ ├── 1-detailed-explanation-of-the-osi-seven-layer-model.mdx │ │ │ ├── 10-network-issue-diagnosis.mdx │ │ │ ├── 11-protocol-security-analysis.mdx │ │ │ ├── 12-network-performance-measurement.mdx │ │ │ ├── 13-network-troubleshooting.mdx │ │ │ ├── 2-tcpip-five-layer-model.mdx │ │ │ ├── 3-protocol-encapsulation-and-decapsulation.mdx │ │ │ ├── 4-protocol-data-unit-pdu.mdx │ │ │ ├── 5-protocol-stack-implementation.mdx │ │ │ ├── 6-protocol-analysis-tools.mdx │ │ │ ├── 7-wireshark-use.mdx │ │ │ ├── 8-use-tcpdump.mdx │ │ │ ├── 9-network-traffic-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-network-configuration-and-management │ │ │ ├── 0-overview-of-network-management.mdx │ │ │ ├── 1-ip-address-planning.mdx │ │ │ ├── 10-qos-configuration.mdx │ │ │ ├── 11-network-monitoring-technology.mdx │ │ │ ├── 12-faults-management.mdx │ │ │ ├── 13-network-document-management.mdx │ │ │ ├── 2-subnetting-practice.mdx │ │ │ ├── 3-network-device-management.mdx │ │ │ ├── 4-router-configuration-basics.mdx │ │ │ ├── 5-switch-configuration-basics.mdx │ │ │ ├── 6-wireless-network-configuration.mdx │ │ │ ├── 7-vlan-configuration-practices.mdx │ │ │ ├── 8-acl-configuration.mdx │ │ │ ├── 9-nat-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-cloud-data-center-network │ │ │ ├── 0-data-center-network-overview.mdx │ │ │ ├── 1-data-center-network-architecture.mdx │ │ │ ├── 10-high-availability-network-design.mdx │ │ │ ├── 11-load-balancing-technology.mdx │ │ │ ├── 12-traffic-engineering.mdx │ │ │ ├── 13-green-network-technology.mdx │ │ │ ├── 2-virtualized-network.mdx │ │ │ ├── 3-virtual-switch.mdx │ │ │ ├── 4-network-virtualization-technology.mdx │ │ │ ├── 5-cloud-network-service-model.mdx │ │ │ ├── 6-cloud-cybersecurity.mdx │ │ │ ├── 7-container-network.mdx │ │ │ ├── 8-software-defined-data-center.mdx │ │ │ ├── 9-data-center-interconnection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-emerging-network-technologies │ │ │ ├── 0-5g-network-technology.mdx │ │ │ ├── 1-10-g-id110-network-slicing10-g1010.mdx │ │ │ ├── 10-intent-driven-network.mdx │ │ │ ├── 11-son.mdx │ │ │ ├── 12-connected-vehicle-technology.mdx │ │ │ ├── 13-future-network-outlook.mdx │ │ │ ├── 2-edge-computing-network.mdx │ │ │ ├── 3-iot-network-architecture.mdx │ │ │ ├── 4-low-power-wan-lpwan.mdx │ │ │ ├── 5-blockchain-network.mdx │ │ │ ├── 6-content-center-network-ccn.mdx │ │ │ ├── 7-fundamentals-of-quantum-networks.mdx │ │ │ ├── 8-application-of-artificial-intelligence-in-the-network.mdx │ │ │ ├── 9-network-automation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-data-link-layer │ │ │ ├── 0-data-link-layer-overview.mdx │ │ │ ├── 1-concept-and-structure-of-the-frame.mdx │ │ │ ├── 10-csmacd-protocol.mdx │ │ │ ├── 11-ethernet-principle.mdx │ │ │ ├── 12-mac-address.mdx │ │ │ ├── 13-bridges-switches.mdx │ │ │ ├── 2-error-detection-and-correction.mdx │ │ │ ├── 3-cyclic-redundancy-check-crc.mdx │ │ │ ├── 4-flow-control-concepts.mdx │ │ │ ├── 5-stop-waiting-for-agreement.mdx │ │ │ ├── 6-sliding-window-protocol.mdx │ │ │ ├── 7-arq-protocol.mdx │ │ │ ├── 8-peer-to-peer-protocol-ppp.mdx │ │ │ ├── 9-media-access-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-lan-technology │ │ │ ├── 0-lan-overview.mdx │ │ │ ├── 1-standards-for-ethernet.mdx │ │ │ ├── 10-link-aggregation.mdx │ │ │ ├── 11-wlan.mdx │ │ │ ├── 12-ieee-80211-standard.mdx │ │ │ ├── 13-bluetooth-technology-10.mdx │ │ │ ├── 2-ethernet-frame-format.mdx │ │ │ ├── 3-traditional-ethernet.mdx │ │ │ ├── 4-fast-ethernet.mdx │ │ │ ├── 5-ethernet-gigabit.mdx │ │ │ ├── 6-10-gigabit-ethernet.mdx │ │ │ ├── 7-ethernet-switching-technology.mdx │ │ │ ├── 8-vlan-technology.mdx │ │ │ ├── 9-spanning-tree-protocol-stp.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-network-layer │ │ │ ├── 0-network-layer-overview.mdx │ │ │ ├── 1-ip-protocol.mdx │ │ │ ├── 10-ip-sharding-and-restructuring.mdx │ │ │ ├── 11-arp-protocol.mdx │ │ │ ├── 12-icmp-protocol.mdx │ │ │ ├── 13-routing-basics.mdx │ │ │ ├── 2-ip-address-classification.mdx │ │ │ ├── 3-subnetting.mdx │ │ │ ├── 4-subnet-mask.mdx │ │ │ ├── 5-cidr-and-route-aggregation.mdx │ │ │ ├── 6-ipv4-address-structure.mdx │ │ │ ├── 7-ipv6-basics.mdx │ │ │ ├── 8-ipv4-to-ipv6-transition-technology.mdx │ │ │ ├── 9-ip-datagram-format.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-routable-protocol │ │ │ ├── 0-routing-protocol-overview.mdx │ │ │ ├── 1-static-routing.mdx │ │ │ ├── 10-routing-table-structure.mdx │ │ │ ├── 11-routing-loop-issues.mdx │ │ │ ├── 12-route-convergence.mdx │ │ │ ├── 13-routing-policies-and-filtering.mdx │ │ │ ├── 2-dynamic-router.mdx │ │ │ ├── 3-distance-vector-routing-protocols.mdx │ │ │ ├── 4-link-state-routing-protocol.mdx │ │ │ ├── 5-rip-protocol.mdx │ │ │ ├── 6-ospf-protocol.mdx │ │ │ ├── 7-bgp-protocol.mdx │ │ │ ├── 8-interior-gateway-protocol-vs-exterior-gateway-protocol.mdx │ │ │ ├── 9-default-route.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-transmission-layer │ │ │ ├── 0-transport-layer-overview.mdx │ │ │ ├── 1-port-concepts.mdx │ │ │ ├── 10-three-handshakes-and-four-waves.mdx │ │ │ ├── 11-tcp-reliable-transmission-mechanism.mdx │ │ │ ├── 12-tcp-flow-control.mdx │ │ │ ├── 13-tcp-congestion-control.mdx │ │ │ ├── 2-multiplexing-and-splitting.mdx │ │ │ ├── 3-connectionless-vs-connection-oriented-services.mdx │ │ │ ├── 4-udp-protocol.mdx │ │ │ ├── 5-udp-message-format.mdx │ │ │ ├── 6-udp-scenario.mdx │ │ │ ├── 7-tcp-protocol-basis.mdx │ │ │ ├── 8-tcp-message-format.mdx │ │ │ ├── 9-tcp-connection-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-application │ │ │ ├── 0-application-layer-overview.mdx │ │ │ ├── 1-client-server-model.mdx │ │ │ ├── 10-telnet-and-ssh.mdx │ │ │ ├── 11-simple-network-management-protocol-snmp.mdx │ │ │ ├── 12-dynamic-host-configuration-protocol-dhcp.mdx │ │ │ ├── 13-network-time-protocol-ntp.mdx │ │ │ ├── 2-p2p-model.mdx │ │ │ ├── 3-domain-name-system-dns.mdx │ │ │ ├── 4-email-protocol-smtppop3imap.mdx │ │ │ ├── 5-world-wide-web-and-http-protocol.mdx │ │ │ ├── 6-http-requests-responses.mdx │ │ │ ├── 7-http-status-code.mdx │ │ │ ├── 8-cookies-and-sessions.mdx │ │ │ ├── 9-ftp.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-network-security │ │ │ ├── 0-cybersecurity-overview.mdx │ │ │ ├── 1-security-threats-and-attack-types.mdx │ │ │ ├── 10-intrusion-detection-system.mdx │ │ │ ├── 11-vpn-technology.mdx │ │ │ ├── 12-web-security.mdx │ │ │ ├── 13-network-security-protocols.mdx │ │ │ ├── 2-cryptographic-basics.mdx │ │ │ ├── 3-symmetric-encryption.mdx │ │ │ ├── 4-asymmetric-encryption.mdx │ │ │ ├── 5-digital-signature.mdx │ │ │ ├── 6-digital-certificate.mdx │ │ │ ├── 7-pki-system.mdx │ │ │ ├── 8-network-access-control.mdx │ │ │ ├── 9-firewall-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-wireless-network │ │ │ ├── 0-wifi-overview.mdx │ │ │ ├── 1-wireless-transmission-characteristics.mdx │ │ │ ├── 10-wireless-sensor-network.mdx │ │ │ ├── 11-bluetooth-technology-explained-in-detail.mdx │ │ │ ├── 12-zigbee-technology.mdx │ │ │ ├── 13-iot-wireless-technology.mdx │ │ │ ├── 2-cellular.mdx │ │ │ ├── 3-2g3g4g5g-technology-evolution.mdx │ │ │ ├── 4-mobile-ip.mdx │ │ │ ├── 5-wireless-lan-standard.mdx │ │ │ ├── 6-80211-frame-format.mdx │ │ │ ├── 7-wifi-security.mdx │ │ │ ├── 8-wireless-access-points.mdx │ │ │ ├── 9-wifi-planning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── os │ │ ├── 0-operating-system-fundamentals │ │ │ ├── 0-introduction-to-the-operating-system.mdx │ │ │ ├── 1-operating-system-history.mdx │ │ │ ├── 10-operating-system-gui.mdx │ │ │ ├── 11-operating-system-installation.mdx │ │ │ ├── 12-operating-system-configuration.mdx │ │ │ ├── 13-operating-system-terminology.mdx │ │ │ ├── 2-os-type.mdx │ │ │ ├── 3-os-architecture.mdx │ │ │ ├── 4-operating-system-features.mdx │ │ │ ├── 5-operating-system-interface.mdx │ │ │ ├── 6-operating-system-kernel.mdx │ │ │ ├── 7-operating-system-services.mdx │ │ │ ├── 8-operating-system-boot-process.mdx │ │ │ ├── 9-operating-system-command-line.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-process-management │ │ │ ├── 0-operating-system-process-concepts.mdx │ │ │ ├── 1-operating-system-process-status.mdx │ │ │ ├── 10-operating-system-process-termination.mdx │ │ │ ├── 11-operating-system-context-switching.mdx │ │ │ ├── 12-operating-system-process-priority.mdx │ │ │ ├── 13-operating-system-real-time-scheduling.mdx │ │ │ ├── 2-operating-system-process-control-block.mdx │ │ │ ├── 3-operating-system-process-scheduling.mdx │ │ │ ├── 4-operating-system-scheduling-algorithm.mdx │ │ │ ├── 5-operating-system-process-communication.mdx │ │ │ ├── 6-operating-system-process-synchronization.mdx │ │ │ ├── 7-operating-system-deadlock.mdx │ │ │ ├── 8-operating-system-deadlock-handling.mdx │ │ │ ├── 9-operating-system-process-creation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-performance-optimization │ │ │ ├── 0-operating-system-performance-assessment.mdx │ │ │ ├── 1-operating-system-performance-metrics.mdx │ │ │ ├── 10-operating-system-scheduling-optimization.mdx │ │ │ ├── 11-operating-system-kernel-tuning.mdx │ │ │ ├── 12-operating-system-performance-analysis.mdx │ │ │ ├── 13-operating-system-resource-utilization.mdx │ │ │ ├── 2-operating-system-benchmark.mdx │ │ │ ├── 3-operating-system-monitoring-tools.mdx │ │ │ ├── 4-operating-system-performance-bottleneck.mdx │ │ │ ├── 5-operating-system-process-optimization.mdx │ │ │ ├── 6-operating-system-memory-optimization.mdx │ │ │ ├── 7-operating-system-io-optimization.mdx │ │ │ ├── 8-operating-system-cache-optimization.mdx │ │ │ ├── 9-operating-system-load-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-real-time-operating-system │ │ │ ├── 0-operating-system-real-time-concepts.mdx │ │ │ ├── 1-operating-system-hard-real-time-system.mdx │ │ │ ├── 10-the-operating-system-grabs-the-kernel.mdx │ │ │ ├── 11-operating-system-real-time-linux.mdx │ │ │ ├── 12-operating-system-real-time-applications.mdx │ │ │ ├── 13-operating-system-real-time-constraints.mdx │ │ │ ├── 2-operating-system-soft-real-time-system.mdx │ │ │ ├── 3-operating-system-real-time-scheduling.mdx │ │ │ ├── 4-operating-system-real-time-communication.mdx │ │ │ ├── 5-operating-system-real-time-memory-management.mdx │ │ │ ├── 6-operating-system-interrupt-handling.mdx │ │ │ ├── 7-operating-system-timer.mdx │ │ │ ├── 8-operating-system-real-time-tasks.mdx │ │ │ ├── 9-operating-system-recurring-tasks.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-embedded-operating-system │ │ │ ├── 0-operating-system-embedded-concepts.mdx │ │ │ ├── 1-operating-system-embedded-features.mdx │ │ │ ├── 10-operating-system-embedded-security.mdx │ │ │ ├── 11-operating-system-embedded-development.mdx │ │ │ ├── 12-operating-system-iot-applications.mdx │ │ │ ├── 13-operating-system-embedded-optimization.mdx │ │ │ ├── 2-operating-system-resource-limit.mdx │ │ │ ├── 3-operating-system-embedded-kernel.mdx │ │ │ ├── 4-operating-system-real-time-requirements.mdx │ │ │ ├── 5-operating-system-embedded-scheduling.mdx │ │ │ ├── 6-operating-system-embedded-storage.mdx │ │ │ ├── 7-operating-system-embedded-file-system.mdx │ │ │ ├── 8-operating-system-embedded-network.mdx │ │ │ ├── 9-operating-system-power-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-operating-system-instance │ │ │ ├── 0-operating-system-unix.mdx │ │ │ ├── 1-operating-system-linux.mdx │ │ │ ├── 10-operating-system-system-calls.mdx │ │ │ ├── 11-operating-system-command-parsing.mdx │ │ │ ├── 12-operating-system-kernel-module.mdx │ │ │ ├── 13-operating-system-system-tools.mdx │ │ │ ├── 2-operating-system-windows.mdx │ │ │ ├── 3-operating-system-macos.mdx │ │ │ ├── 4-operating-system-android.mdx │ │ │ ├── 5-operating-system-ios.mdx │ │ │ ├── 6-operating-system-freebsd.mdx │ │ │ ├── 7-operating-system-kernel-comparison.mdx │ │ │ ├── 8-operating-system-startup-process.mdx │ │ │ ├── 9-operating-system-shell-environment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-operating-system-design │ │ │ ├── 0-operating-system-design-principles.mdx │ │ │ ├── 1-operating-system-modular-design.mdx │ │ │ ├── 10-operating-system-driver-model.mdx │ │ │ ├── 11-operating-system-extension-mechanism.mdx │ │ │ ├── 12-operating-system-portability.mdx │ │ │ ├── 13-operating-system-maintainability.mdx │ │ │ ├── 2-operating-system-microkernel.mdx │ │ │ ├── 3-operating-system-macro-kernel.mdx │ │ │ ├── 4-operating-system-hybrid-kernel.mdx │ │ │ ├── 5-operating-system-architecture-decisions.mdx │ │ │ ├── 6-operating-system-kernel-interface.mdx │ │ │ ├── 7-operating-system-system-call-implementation.mdx │ │ │ ├── 8-operating-system-interrupt-processing-design.mdx │ │ │ ├── 9-operating-system-scheduler-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-os-advanced-topics │ │ │ ├── 0-operating-system-formal-validation.mdx │ │ │ ├── 1-operating-system-green-computing.mdx │ │ │ ├── 10-operating-system-disaster-recovery-technology.mdx │ │ │ ├── 11-operating-system-self-healing-mechanism.mdx │ │ │ ├── 12-operating-system-high-availability.mdx │ │ │ ├── 13-future-development-of-the-operating-system.mdx │ │ │ ├── 2-operating-system-quantum-computing-support.mdx │ │ │ ├── 3-operating-system-trusted-computing.mdx │ │ │ ├── 4-operating-system-adaptive-system.mdx │ │ │ ├── 5-operating-system-machine-learning-applications.mdx │ │ │ ├── 6-operating-system-edge-computing.mdx │ │ │ ├── 7-operating-system-serverless-computing.mdx │ │ │ ├── 8-operating-system-blockchain-technology.mdx │ │ │ ├── 9-operating-system-cloud-native-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-thread-management │ │ │ ├── 0-os-threading-concepts.mdx │ │ │ ├── 1-operating-system-threading-model.mdx │ │ │ ├── 10-operating-system-thread-pool.mdx │ │ │ ├── 11-operating-system-thread-security.mdx │ │ │ ├── 12-operating-system-thread-priority.mdx │ │ │ ├── 13-operating-system-thread-limitations.mdx │ │ │ ├── 2-operating-system-user-thread.mdx │ │ │ ├── 3-operating-system-kernel-threads.mdx │ │ │ ├── 4-operating-system-threaded-implementation.mdx │ │ │ ├── 5-operating-system-thread-status.mdx │ │ │ ├── 6-operating-system-thread-scheduling.mdx │ │ │ ├── 7-operating-system-thread-synchronization.mdx │ │ │ ├── 8-operating-system-threaded-communication.mdx │ │ │ ├── 9-os-multithreading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-ram-management │ │ │ ├── 0-operating-system-memory-hierarchy.mdx │ │ │ ├── 1-operating-system-address-space.mdx │ │ │ ├── 10-operating-system-switching-technology.mdx │ │ │ ├── 11-os-memory-protection.mdx │ │ │ ├── 12-operating-system-memory-mapping.mdx │ │ │ ├── 13-os-memory-leak.mdx │ │ │ ├── 2-operating-system-physical-address.mdx │ │ │ ├── 3-operating-system-virtual-address.mdx │ │ │ ├── 4-operating-system-memory-allocation.mdx │ │ │ ├── 5-operating-system-segmentation.mdx │ │ │ ├── 6-operating-system-pagination.mdx │ │ │ ├── 7-operating-system-page-table.mdx │ │ │ ├── 8-operating-system-page-replacement.mdx │ │ │ ├── 9-operating-system-virtual-memory.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-file-system │ │ │ ├── 0-operating-system-file-concepts.mdx │ │ │ ├── 1-operating-system-file-type.mdx │ │ │ ├── 10-operating-system-file-system-mount.mdx │ │ │ ├── 11-operating-system-file-system-recovery.mdx │ │ │ ├── 12-operating-system-log-file-system.mdx │ │ │ ├── 13-operating-system-file-cache.mdx │ │ │ ├── 2-operating-system-file-properties.mdx │ │ │ ├── 3-operating-system-file-operations.mdx │ │ │ ├── 4-operating-system-directory-structure.mdx │ │ │ ├── 5-operating-system-file-protection.mdx │ │ │ ├── 6-operating-system-access-method.mdx │ │ │ ├── 7-operating-system-file-allocation.mdx │ │ │ ├── 8-os-free-space-management.mdx │ │ │ ├── 9-operating-system-file-system-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-inputoutput-system │ │ │ ├── 0-operating-system-io-device.mdx │ │ │ ├── 1-operating-system-device-controller.mdx │ │ │ ├── 10-operating-system-device-naming.mdx │ │ │ ├── 11-operating-system-device-protection.mdx │ │ │ ├── 12-operating-system-io-performance.mdx │ │ │ ├── 13-operating-system-io-error-handling.mdx │ │ │ ├── 2-operating-system-device-drivers.mdx │ │ │ ├── 3-operating-system-io-scheduling.mdx │ │ │ ├── 4-operating-system-buffering-technology.mdx │ │ │ ├── 5-operating-system-polling.mdx │ │ │ ├── 6-operating-system-outage.mdx │ │ │ ├── 7-operating-system-dma.mdx │ │ │ ├── 8-operating-system-io-software-layer.mdx │ │ │ ├── 9-operating-system-device-independence.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-concurrency-and-synchronization │ │ │ ├── 0-operating-system-concurrency-concept.mdx │ │ │ ├── 1-operating-system-critical-zone.mdx │ │ │ ├── 10-operating-system-producer-consumer-issues.mdx │ │ │ ├── 11-operating-system-signal-processing.mdx │ │ │ ├── 12-operating-system-synchronization-tool.mdx │ │ │ ├── 13-operating-system-concurrency-mode.mdx │ │ │ ├── 2-operating-system-mutex-lock.mdx │ │ │ ├── 3-operating-system-semaphore.mdx │ │ │ ├── 4-operating-system-condition-variables.mdx │ │ │ ├── 5-operating-system-process.mdx │ │ │ ├── 6-operating-system-messaging.mdx │ │ │ ├── 7-operating-system-synchronization-algorithm.mdx │ │ │ ├── 8-operating-system-reader-writer-questions.mdx │ │ │ ├── 9-operating-system-philosopher-dining-questions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-security-protection │ │ │ ├── 0-operating-system-security-concepts.mdx │ │ │ ├── 1-operating-system-certification-mechanism.mdx │ │ │ ├── 10-operating-system-security-vulnerability.mdx │ │ │ ├── 11-operating-system-malware-protection.mdx │ │ │ ├── 12-operating-system-security-model.mdx │ │ │ ├── 13-operating-system-security-policy.mdx │ │ │ ├── 2-operating-system-access-control.mdx │ │ │ ├── 3-operating-system-access-matrix.mdx │ │ │ ├── 4-operating-system-capabilities-list.mdx │ │ │ ├── 5-operating-system-protection-domain.mdx │ │ │ ├── 6-operating-system-permission-management.mdx │ │ │ ├── 7-operating-system-encryption.mdx │ │ │ ├── 8-operating-system-firewall.mdx │ │ │ ├── 9-operating-system-intrusion-detection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-distributed-system │ │ │ ├── 0-operating-system-distributed-concepts.mdx │ │ │ ├── 1-operating-system-distributed-architecture.mdx │ │ │ ├── 10-operating-system-fault-tolerance.mdx │ │ │ ├── 11-operating-system-load-balancing.mdx │ │ │ ├── 12-operating-system-distributed-security.mdx │ │ │ ├── 13-operating-system-distributed-algorithm.mdx │ │ │ ├── 2-operating-system-distributed-communications.mdx │ │ │ ├── 3-operating-system-remote-procedure-call.mdx │ │ │ ├── 4-operating-system-naming-service.mdx │ │ │ ├── 5-operating-system-clock-synchronization.mdx │ │ │ ├── 6-operating-system-consistency-protocol.mdx │ │ │ ├── 7-operating-system-distributed-file-system.mdx │ │ │ ├── 8-operating-system-distributed-transactions.mdx │ │ │ ├── 9-operating-system-replication-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-virtualization-technology │ │ │ ├── 0-operating-system-virtualization-concepts.mdx │ │ │ ├── 1-operating-system-virtual-machine.mdx │ │ │ ├── 10-operating-system-virtualization-security.mdx │ │ │ ├── 11-operating-system-cloud-computing-fundamentals.mdx │ │ │ ├── 12-os-virtual-desktop.mdx │ │ │ ├── 13-operating-system-virtualization-management.mdx │ │ │ ├── 2-operating-system-virtual-machine-monitor.mdx │ │ │ ├── 3-full-virtualization-of-the-operating-system.mdx │ │ │ ├── 4-operating-system-semi-virtualization.mdx │ │ │ ├── 5-operating-system-container-technology.mdx │ │ │ ├── 6-operating-system-resource-virtualization.mdx │ │ │ ├── 7-operating-system-memory-virtualization.mdx │ │ │ ├── 8-operating-system-storage-virtualization.mdx │ │ │ ├── 9-operating-system-network-virtualization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── prism │ │ ├── 0-prism-basics │ │ ├── 0-about-prism.mdx │ │ ├── 1-prism-installation-and-environment-settings.mdx │ │ ├── 10-prism-basic-operators.mdx │ │ ├── 11-prism-annotation-specification.mdx │ │ ├── 12-prism-model-compilation.mdx │ │ ├── 13-prism-common-error-handling.mdx │ │ ├── 2-how-to-use-the-prism-graphical-interface.mdx │ │ ├── 3-prism-command-line-interface.mdx │ │ ├── 4-prism-model-checking-concept.mdx │ │ ├── 5-prism-language-overview.mdx │ │ ├── 6-prism-version-comparison.mdx │ │ ├── 7-prism-first-model.mdx │ │ ├── 8-prism-file-structure.mdx │ │ ├── 9-prism-variable-declaration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-prism-modeling-basics │ │ ├── 0-prism-model-type.mdx │ │ ├── 1-prism-module-definition.mdx │ │ ├── 10-prism-synchronous-construction.mdx │ │ ├── 11-prism-reward-structure.mdx │ │ ├── 12-prism-time-attribute.mdx │ │ ├── 13-prism-abstraction-technology.mdx │ │ ├── 2-prism-module-combination.mdx │ │ ├── 3-prism-variable-type-and-scope.mdx │ │ ├── 4-prism-constant-declaration.mdx │ │ ├── 5-prism-formula-definition.mdx │ │ ├── 6-prism-tag-usage.mdx │ │ ├── 7-prism-initial-state-definition.mdx │ │ ├── 8-prism-probability-transfer.mdx │ │ ├── 9-prism-non-deterministic-selection.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-prism-debugging-and-optimization │ │ ├── 0-prism-model-debugging-technology.mdx │ │ ├── 1-prism-verification-result-diagnosis.mdx │ │ ├── 10-prism-assertion-usage.mdx │ │ ├── 11-prism-log-analysis.mdx │ │ ├── 12-prism-performance-analysis.mdx │ │ ├── 13-prism-model-comparison-technology.mdx │ │ ├── 2-prism-model-simplification-strategy.mdx │ │ ├── 3-prism-memory-optimization.mdx │ │ ├── 4-optimize-prism-computing-performance.mdx │ │ ├── 5-prism-state-space-management.mdx │ │ ├── 6-prism-validator-selection.mdx │ │ ├── 7-prism-model-reconstruction-technology.mdx │ │ ├── 8-prism-dynamic-attribute-adjustment.mdx │ │ ├── 9-prism-counter-example-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-prism-application-areas │ │ ├── 0-prism-communication-protocol-verification.mdx │ │ ├── 1-prism-security-and-privacy-analysis.mdx │ │ ├── 10-prism-network-security-verification.mdx │ │ ├── 11-prism-computer-system-performance.mdx │ │ ├── 12-analysis-of-prism-artificial-intelligence-system.mdx │ │ ├── 13-prism-iot-application-verification.mdx │ │ ├── 2-prism-biological-system-modeling.mdx │ │ ├── 3-prism-reliability-engineering.mdx │ │ ├── 4-prism-electronic-system-verification.mdx │ │ ├── 5-prism-robot-system-analysis.mdx │ │ ├── 6-prism-business-process-modeling.mdx │ │ ├── 7-prism-medical-system-analysis.mdx │ │ ├── 8-prism-traffic-system-modeling.mdx │ │ ├── 9-prism-energy-system-optimization.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-prism-and-formal-methods │ │ ├── 0-prism-and-model-checking-theory.mdx │ │ ├── 1-prism-and-process-algebra.mdx │ │ ├── 10-prism-and-proof-of-correctness.mdx │ │ ├── 11-prism-and-counterexample-generation.mdx │ │ ├── 12-prism-and-test-generation.mdx │ │ ├── 13-comparison-between-prism-and-formal-methods.mdx │ │ ├── 2-prism-and-theorem-proving.mdx │ │ ├── 3-prism-and-abstract-interpretation.mdx │ │ ├── 4-prism-and-software-verification.mdx │ │ ├── 5-prism-and-hardware-verification.mdx │ │ ├── 6-prism-and-hybrid-system-verification.mdx │ │ ├── 7-prism-and-real-time-system-modeling.mdx │ │ ├── 8-prism-and-code-generation.mdx │ │ ├── 9-prism-and-specification-generation.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-prism-advanced-case-study │ │ ├── 0-prism-biochemical-network-modeling.mdx │ │ ├── 1-analysis-of-prism-security-protocol.mdx │ │ ├── 10-prism-ic-verification.mdx │ │ ├── 11-analysis-of-prism-network-attack.mdx │ │ ├── 12-prism-software-defined-network-modeling.mdx │ │ ├── 13-prism-military-system-modeling.mdx │ │ ├── 2-prism-blockchain-system-verification.mdx │ │ ├── 3-analysis-of-prism-distributed-algorithm.mdx │ │ ├── 4-prism-quantum-system-verification.mdx │ │ ├── 5-analysis-of-prism-machine-learning-system.mdx │ │ ├── 6-prism-autonomous-driving-system-verification.mdx │ │ ├── 7-prism-cognitive-model-modeling.mdx │ │ ├── 8-prism-market-dynamics-modeling.mdx │ │ ├── 9-prism-crowd-behavior-model.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-prism-best-practices │ │ ├── 0-prism-model-design-pattern.mdx │ │ ├── 1-prism-modeling-style-guide.mdx │ │ ├── 10-prism-model-quality-assessment.mdx │ │ ├── 11-prism-verification-automation.mdx │ │ ├── 12-prism-continuous-verification-process.mdx │ │ ├── 13-prism-modeling-ethics-and-responsibility.mdx │ │ ├── 2-prism-documentation-specification.mdx │ │ ├── 3-prism-model-version-control.mdx │ │ ├── 4-prism-large-project-management.mdx │ │ ├── 5-prism-team-collaboration-strategy.mdx │ │ ├── 6-prism-model-reuse-technology.mdx │ │ ├── 7-prism-verification-performance-tuning.mdx │ │ ├── 8-prism-model-maintenance-strategy.mdx │ │ ├── 9-prism-result-reporting-standards.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-prism-model-type │ │ ├── 0-prism-discrete-time-markov-chain-dtmc.mdx │ │ ├── 1-prism-continuous-time-markov-chain-ctmc.mdx │ │ ├── 10-prism-state-space-characteristics.mdx │ │ ├── 11-prism-model-compliance-check.mdx │ │ ├── 12-prism-model-comparison.mdx │ │ ├── 13-prism-specific-model-example-analysis.mdx │ │ ├── 2-prism-markov-decision-process-mdp.mdx │ │ ├── 3-prism-probabilistic-timed-automaton-pta.mdx │ │ ├── 4-prism-random-game-smg.mdx │ │ ├── 5-prism-markov-automaton.mdx │ │ ├── 6-prism-model-type-selection-guide.mdx │ │ ├── 7-prism-model-conversion-technology.mdx │ │ ├── 8-prism-hybrid-model-strategy.mdx │ │ ├── 9-prism-model-type-constraints.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-prism-attribute-specification │ │ ├── 0-prism-attribute-specification-language.mdx │ │ ├── 1-prism-probability-calculation-expression.mdx │ │ ├── 10-prism-parameter-synthesis.mdx │ │ ├── 11-prism-attribute-naming.mdx │ │ ├── 12-prism-attribute-dependency.mdx │ │ ├── 13-prism-attribute-verification-strategy.mdx │ │ ├── 2-prism-logical-operator.mdx │ │ ├── 3-prism-state-formula.mdx │ │ ├── 4-prism-path-formula.mdx │ │ ├── 5-prism-time-constraints.mdx │ │ ├── 6-prism-reward-attributes.mdx │ │ ├── 7-prism-steady-state-properties.mdx │ │ ├── 8-prism-quantizer.mdx │ │ ├── 9-prism-multi-target-attributes.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-prism-sequential-logic │ │ ├── 0-prism-probability-calculation-tree-logic-pctl.mdx │ │ ├── 1-prism-probability-calculation-tree-logic-pctl-star.mdx │ │ ├── 10-prism-security-attributes.mdx │ │ ├── 11-prism-active-properties.mdx │ │ ├── 12-prism-fairness-attribute.mdx │ │ ├── 13-prism-logical-expression-simplification-skills.mdx │ │ ├── 2-prism-continuous-random-logic-csl.mdx │ │ ├── 3-prism-linear-temporal-logic-ltl.mdx │ │ ├── 4-prism-computation-tree-logic-ctl.mdx │ │ ├── 5-prism-rewards-expansion-logic.mdx │ │ ├── 6-prism-multi-objective-logic.mdx │ │ ├── 7-prism-logical-operator-priority.mdx │ │ ├── 8-prism-nested-path-formula.mdx │ │ ├── 9-prism-temporal-property-expression.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-prism-model-detection │ │ ├── 0-overview-of-the-prism-verification-algorithm.mdx │ │ ├── 1-prism-symbolic-model-checking.mdx │ │ ├── 10-prism-comparator-usage.mdx │ │ ├── 11-interpretation-of-prism-verification-results.mdx │ │ ├── 12-prism-model-optimization.mdx │ │ ├── 13-prism-verification-performance-tuning.mdx │ │ ├── 2-prism-explicit-model-checking.mdx │ │ ├── 3-prism-hybrid-model-detection.mdx │ │ ├── 4-prism-statistical-model-detection.mdx │ │ ├── 5-prism-approximate-model-detection.mdx │ │ ├── 6-prism-counterexample-generation.mdx │ │ ├── 7-prism-state-space-exploration.mdx │ │ ├── 8-prism-parameter-sweep.mdx │ │ ├── 9-prism-sensitivity-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-prism-advanced-modeling │ │ ├── 0-prism-module-communication.mdx │ │ ├── 1-prism-synchronization-construction-mechanism.mdx │ │ ├── 10-prism-concurrent-system-modeling.mdx │ │ ├── 11-prism-fault-tolerance-modeling.mdx │ │ ├── 12-prism-hybrid-system-modeling.mdx │ │ ├── 13-prism-markov-reward-process.mdx │ │ ├── 2-prism-asynchronous-system-modeling.mdx │ │ ├── 3-prism-probability-selection-modeling.mdx │ │ ├── 4-prism-time-concept-expression.mdx │ │ ├── 5-prism-conditional-transfer.mdx │ │ ├── 6-prism-function-definition.mdx │ │ ├── 7-prism-abstraction-and-refinement.mdx │ │ ├── 8-prism-recursive-structure.mdx │ │ ├── 9-prism-data-structure-expression.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-prism-case-study │ │ ├── 0-prism-protocol-analysis-case.mdx │ │ ├── 1-prism-safety-system-verification.mdx │ │ ├── 10-prism-risk-assessment.mdx │ │ ├── 11-prism-resource-scheduling-analysis.mdx │ │ ├── 12-prism-power-system-modeling.mdx │ │ ├── 13-prism-multi-agent-system-modeling.mdx │ │ ├── 2-prism-biological-system-modeling.mdx │ │ ├── 3-prism-communication-protocol-verification.mdx │ │ ├── 4-analysis-of-the-prism-queuing-system.mdx │ │ ├── 5-prism-fault-detection-system.mdx │ │ ├── 6-prism-reliability-analysis.mdx │ │ ├── 7-prism-performance-evaluation.mdx │ │ ├── 8-prism-decision-making-analysis.mdx │ │ ├── 9-application-of-prism-game-theory.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-prism-tool-integration │ │ ├── 0-interaction-between-prism-and-jani-formats.mdx │ │ ├── 1-prism-and-modest-toolchain.mdx │ │ ├── 10-prism-result-visualization-tool.mdx │ │ ├── 11-prism-model-conversion-tool.mdx │ │ ├── 12-prism-extension-module-development.mdx │ │ ├── 13-prism-continuous-integration-strategy.mdx │ │ ├── 2-prism-and-param-tools.mdx │ │ ├── 3-comparison-between-prism-and-storm-tools.mdx │ │ ├── 4-prism-and-mcrl2-integration.mdx │ │ ├── 5-prism-and-uppaal-connection.mdx │ │ ├── 6-prism-interacts-with-matlab.mdx │ │ ├── 7-prism-and-python-interface.mdx │ │ ├── 8-prism-and-java-api.mdx │ │ ├── 9-comparison-of-prism-with-other-verification-tools.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-prism-advanced-technology │ │ ├── 0-prism-symbol-data-structure.mdx │ │ ├── 1-prism-decision-diagram-technology.mdx │ │ ├── 10-prism-gpu-acceleration.mdx │ │ ├── 11-prism-distributed-computing.mdx │ │ ├── 12-prism-approximation-calculation.mdx │ │ ├── 13-prism-quantum-algorithm-interface.mdx │ │ ├── 2-prism-state-compression-technology.mdx │ │ ├── 3-prism-symmetry-simplification.mdx │ │ ├── 4-prism-partial-order-simplification.mdx │ │ ├── 5-prism-abstract-interpretation.mdx │ │ ├── 6-prism-incremental-verification.mdx │ │ ├── 7-prism-parameterized-markov-model.mdx │ │ ├── 8-prism-model-learning.mdx │ │ ├── 9-prism-multi-core-algorithm.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── iot │ ├── 51 │ │ ├── 0-51-mcu-foundation │ │ │ ├── 0-51-introduction-to-mcus.mdx │ │ │ ├── 1-51-mcu-architecture.mdx │ │ │ ├── 10-51-mcu-c-language-basics.mdx │ │ │ ├── 11-51-mcu-assembly-language-basics.mdx │ │ │ ├── 12-51-mcu-program-structure.mdx │ │ │ ├── 13-51-mcu-compilation-and-burning.mdx │ │ │ ├── 2-51-mcu-pin-diagram.mdx │ │ │ ├── 3-51-mcu-registers.mdx │ │ │ ├── 4-51-mcu-memory-organization.mdx │ │ │ ├── 5-51-mcu-clock-system.mdx │ │ │ ├── 6-51-mcu-reset-circuit.mdx │ │ │ ├── 7-51-scm-development-environment.mdx │ │ │ ├── 8-51-mcu-first-program.mdx │ │ │ ├── 9-51-mcu-programming-language.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-51-mcu-io-operation │ │ │ ├── 0-51-mcu-io-port.mdx │ │ │ ├── 1-51-mcu-io-configuration.mdx │ │ │ ├── 10-51-mcu-photoelectric-sensor.mdx │ │ │ ├── 11-51-mcu-io-extension.mdx │ │ │ ├── 12-51-mcu-io-interrupt.mdx │ │ │ ├── 13-51-mcu-io-application-examples.mdx │ │ │ ├── 2-51-mcu-input-operation.mdx │ │ │ ├── 3-51-mcu-output-operation.mdx │ │ │ ├── 4-51-mcu-button-control.mdx │ │ │ ├── 5-51-mcu-led-control.mdx │ │ │ ├── 6-51-single-chip-microcomputer-digital-tube-display.mdx │ │ │ ├── 7-51-mcu-matrix-keyboard.mdx │ │ │ ├── 8-51-mcu-buzzer-control.mdx │ │ │ ├── 9-51-mcu-relay-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-51-mcu-sensor-interface │ │ │ ├── 0-51-mcu-sensor-overview.mdx │ │ │ ├── 1-51-mcu-temperature-sensor.mdx │ │ │ ├── 10-51-mcu-magnetic-sensor.mdx │ │ │ ├── 11-51-mcu-sensor-calibration.mdx │ │ │ ├── 12-51-mcu-multi-sensor-fusion.mdx │ │ │ ├── 13-51-mcu-sensor-application-examples.mdx │ │ │ ├── 2-51-mcu-ds18b20-use.mdx │ │ │ ├── 3-51-mcu-humidity-sensor.mdx │ │ │ ├── 4-51-single-chip-microcomputer-photosensitive-sensor.mdx │ │ │ ├── 5-51-mcu-sound-sensor.mdx │ │ │ ├── 6-51-mcu-gas-sensor.mdx │ │ │ ├── 7-51-mcu-infrared-sensor.mdx │ │ │ ├── 8-51-mcu-ultrasonic-ranging.mdx │ │ │ ├── 9-51-mcu-acceleration-sensor.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-51-mcu-motor-control │ │ │ ├── 0-51-mcu-motor-control-overview.mdx │ │ │ ├── 1-51-mcu-dc-motor-drive.mdx │ │ │ ├── 10-51-forward-and-reverse-rotation-of-microcontroller-motor.mdx │ │ │ ├── 11-51-single-chip-multi-motor-coordination.mdx │ │ │ ├── 12-51-mcu-motor-protection-circuit.mdx │ │ │ ├── 13-51-mcu-motor-application-examples.mdx │ │ │ ├── 2-51-mcu-stepper-motor-control.mdx │ │ │ ├── 3-51-mcu-servo-control.mdx │ │ │ ├── 4-51-mcu-h-bridge-drive-circuit.mdx │ │ │ ├── 5-51-mcu-l298n-driver.mdx │ │ │ ├── 6-51-mcu-motor-speed-control.mdx │ │ │ ├── 7-51-mcu-motor-position-control.mdx │ │ │ ├── 8-51-mcu-pwm-speed-regulation.mdx │ │ │ ├── 9-51-mcu-pid-control-algorithm.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-51-mcu-communication-protocol │ │ │ ├── 0-51-overview-of-mcu-communication-protocols.mdx │ │ │ ├── 1-51-mcu-modbus-protocol.mdx │ │ │ ├── 10-51-mcu-communication-error-handling.mdx │ │ │ ├── 11-51-mcu-master-slave-communication.mdx │ │ │ ├── 12-51-mcu-communication-test.mdx │ │ │ ├── 13-51-mcu-communication-application-examples.mdx │ │ │ ├── 2-51-mcu-mqtt-protocol.mdx │ │ │ ├── 3-51-mcu-customization-protocol.mdx │ │ │ ├── 4-51-mcu-communication-frame-format.mdx │ │ │ ├── 5-51-mcu-data-verification.mdx │ │ │ ├── 6-51-mcu-communication-encryption.mdx │ │ │ ├── 7-51-mcu-data-packaging.mdx │ │ │ ├── 8-51-mcu-data-analysis.mdx │ │ │ ├── 9-51-mcu-communication-timeout-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-51-mcu-wireless-communication │ │ │ ├── 0-51-mcu-wireless-communication-overview.mdx │ │ │ ├── 1-51-mcu-infrared-communication.mdx │ │ │ ├── 10-51-mcu-wireless-communication-distance.mdx │ │ │ ├── 11-51-mcu-wireless-anti-jamming.mdx │ │ │ ├── 12-51-mcu-wireless-power-consumption-control.mdx │ │ │ ├── 13-51-mcu-wireless-application-examples.mdx │ │ │ ├── 2-51-mcu-433m-wireless-module.mdx │ │ │ ├── 3-51-mcu-24g-wireless-module.mdx │ │ │ ├── 4-51-mcu-bluetooth-module.mdx │ │ │ ├── 5-51-mcu-wifi-communication.mdx │ │ │ ├── 6-51-mcu-nrf24l01-use.mdx │ │ │ ├── 7-51-mcu-wireless-communication-protocol.mdx │ │ │ ├── 8-51-mcu-wireless-link-establishment.mdx │ │ │ ├── 9-51-mcu-wireless-data-transmission.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-51-mcu-network-applications │ │ │ ├── 0-51-overview-of-mcu-network-applications.mdx │ │ │ ├── 1-51-scm-ethernet-interface.mdx │ │ │ ├── 10-51-single-chip-cloud-platform-docking.mdx │ │ │ ├── 11-51-scm-iot-applications.mdx │ │ │ ├── 12-51-mcu-network-security.mdx │ │ │ ├── 13-51-mcu-network-application-examples.mdx │ │ │ ├── 2-51-mcu-tcpip-protocol.mdx │ │ │ ├── 3-51-mcu-web-server.mdx │ │ │ ├── 4-51-mcu-dhcp-client.mdx │ │ │ ├── 5-51-single-chip-dns-parsing.mdx │ │ │ ├── 6-51-mcu-http-communication.mdx │ │ │ ├── 7-51-mcu-socket-programming.mdx │ │ │ ├── 8-51-mcu-remote-control.mdx │ │ │ ├── 9-51-mcu-network-data-acquisition.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-51-mcu-project-design │ │ │ ├── 0-51-mcu-project-planning.mdx │ │ │ ├── 1-51-mcu-requirements-analysis.mdx │ │ │ ├── 10-51-mcu-productization-considerations.mdx │ │ │ ├── 11-51-mcu-cost-optimization.mdx │ │ │ ├── 12-51-single-chip-microcomputer-project-test.mdx │ │ │ ├── 13-51-mcu-comprehensive-application-examples.mdx │ │ │ ├── 2-51-mcu-hardware-design.mdx │ │ │ ├── 3-51-scm-schematic-drawing.mdx │ │ │ ├── 4-51-mcu-pcb-design.mdx │ │ │ ├── 5-51-mcu-software-architecture.mdx │ │ │ ├── 6-51-mcu-modular-design.mdx │ │ │ ├── 7-51-microcontroller-debugging-skills.mdx │ │ │ ├── 8-51-mcu-reliability-design.mdx │ │ │ ├── 9-51-mcu-anti-interference-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-51-mcu-advanced-applications │ │ │ ├── 0-51-mcu-advanced-applications-overview.mdx │ │ │ ├── 1-51-scm-digital-filtering.mdx │ │ │ ├── 10-51-mcu-adaptive-control.mdx │ │ │ ├── 11-51-mcu-remote-upgrade.mdx │ │ │ ├── 12-51-mcu-emulation-technology.mdx │ │ │ ├── 13-51-mcu-advanced-application-examples.mdx │ │ │ ├── 2-51-mcu-fft-implementation.mdx │ │ │ ├── 3-51-mcu-fuzzy-control.mdx │ │ │ ├── 4-51-mcu-neural-network.mdx │ │ │ ├── 5-51-mcu-speech-recognition.mdx │ │ │ ├── 6-51-mcu-image-processing.mdx │ │ │ ├── 7-51-mcu-encryption-algorithm.mdx │ │ │ ├── 8-51-mcu-data-compression.mdx │ │ │ ├── 9-51-mcu-audio-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-51-mcu-interrupt-system │ │ │ ├── 0-51-overview-of-microcontroller-interrupts.mdx │ │ │ ├── 1-51-mcu-interrupt-source.mdx │ │ │ ├── 10-51-mcu-interrupt-delay.mdx │ │ │ ├── 11-51-mcu-interrupt-response-time.mdx │ │ │ ├── 12-51-mcu-interrupt-service-procedure.mdx │ │ │ ├── 13-51-mcu-interrupt-application-example.mdx │ │ │ ├── 2-51-mcu-interrupt-priority.mdx │ │ │ ├── 3-51-mcu-interrupt-vector.mdx │ │ │ ├── 4-51-mcu-interrupt-register.mdx │ │ │ ├── 5-51-mcu-external-interrupt.mdx │ │ │ ├── 6-51-scm-timing-interrupt.mdx │ │ │ ├── 7-51-mcu-serial-interrupt.mdx │ │ │ ├── 8-51-mcu-interrupt-programming.mdx │ │ │ ├── 9-51-mcu-interrupt-nesting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-51-mcu-timer │ │ │ ├── 0-51-mcu-timer-overview.mdx │ │ │ ├── 1-51-mcu-timer-structure.mdx │ │ │ ├── 10-51-mcu-pulse-width-measurement.mdx │ │ │ ├── 11-51-mcu-frequency-counter.mdx │ │ │ ├── 12-51-mcu-timer-cascade.mdx │ │ │ ├── 13-51-mcu-timer-application-example.mdx │ │ │ ├── 2-51-mcu-timer-mode.mdx │ │ │ ├── 3-51-mcu-timer-0.mdx │ │ │ ├── 4-51-mcu-timer-1.mdx │ │ │ ├── 5-51-mcu-timer-2.mdx │ │ │ ├── 6-51-mcu-timer-count.mdx │ │ │ ├── 7-51-mcu-timer-interrupt.mdx │ │ │ ├── 8-51-mcu-timer-overflow.mdx │ │ │ ├── 9-51-mcu-pwm-signal-generation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-51-mcu-serial-communication │ │ │ ├── 0-51-mcu-serial-communication-overview.mdx │ │ │ ├── 1-51-mcu-uart-structure.mdx │ │ │ ├── 10-51-mcu-rs232-interface.mdx │ │ │ ├── 11-51-mcu-rs485-communication.mdx │ │ │ ├── 12-51-mcu-bluetooth-communication.mdx │ │ │ ├── 13-51-mcu-serial-port-application-example.mdx │ │ │ ├── 2-51-mcu-baud-rate-calculation.mdx │ │ │ ├── 3-51-mcu-serial-port-configuration.mdx │ │ │ ├── 4-51-mcu-serial-port-transmission.mdx │ │ │ ├── 5-51-mcu-serial-port-reception.mdx │ │ │ ├── 6-51-mcu-serial-port-interrupted.mdx │ │ │ ├── 7-51-mcu-serial-port-buffer.mdx │ │ │ ├── 8-51-single-chip-multi-computer-communication.mdx │ │ │ ├── 9-51-scm-serial-port-debugging.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-51-single-chip-microcomputer-display-technology │ │ │ ├── 0-51-mcu-led-display.mdx │ │ │ ├── 1-51-single-chip-microcomputer-digital-tube-foundation.mdx │ │ │ ├── 10-51-single-chip-microcomputer-display-scanning-technology.mdx │ │ │ ├── 11-51-chinese-microcontroller-display.mdx │ │ │ ├── 12-51-single-chip-graphic-display.mdx │ │ │ ├── 13-51-mcu-display-application-examples.mdx │ │ │ ├── 2-51-mcu-static-digital-tube.mdx │ │ │ ├── 3-51-mcu-dynamic-digital-tube.mdx │ │ │ ├── 4-51-mcu-lcd1602.mdx │ │ │ ├── 6-51-mcu-oled-display.mdx │ │ │ ├── 7-51-mcu-tft-display.mdx │ │ │ ├── 8-51-single-chip-microcomputer-dot-matrix-display.mdx │ │ │ ├── 9-51-mcu-display-drive-circuit.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-51-mcu-ad-and-da-conversion │ │ │ ├── 0-51-mcu-ad-conversion-principle.mdx │ │ │ ├── 1-51-mcu-external-adc-interface.mdx │ │ │ ├── 10-51-mcu-signal-processing.mdx │ │ │ ├── 11-51-mcu-filtering-algorithm.mdx │ │ │ ├── 12-51-mcu-multichannel-acquisition.mdx │ │ │ ├── 13-51-mcu-ad-application-example.mdx │ │ │ ├── 2-51-mcu-adc0809-use.mdx │ │ │ ├── 3-51-mcu-voltage-measurement.mdx │ │ │ ├── 4-51-mcu-analog-capture.mdx │ │ │ ├── 5-51-mcu-da-conversion-principle.mdx │ │ │ ├── 6-51-mcu-dac0832-use.mdx │ │ │ ├── 7-51-mcu-waveform-generation.mdx │ │ │ ├── 8-51-mcu-voltage-output.mdx │ │ │ ├── 9-51-mcu-signal-sampling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-51-scm-storage-technology │ │ │ ├── 0-51-mcu-internal-ram.mdx │ │ │ ├── 1-51-mcu-internal-rom.mdx │ │ │ ├── 10-51-mcu-data-backup.mdx │ │ │ ├── 11-51-scm-parameter-storage.mdx │ │ │ ├── 12-51-mcu-memory-readwrite.mdx │ │ │ ├── 13-51-mcu-storage-application-examples.mdx │ │ │ ├── 2-51-mcu-external-memory.mdx │ │ │ ├── 3-51-scm-memory-expansion.mdx │ │ │ ├── 4-51-mcu-eeprom-interface.mdx │ │ │ ├── 5-51-mcu-at24c02-use.mdx │ │ │ ├── 6-51-mcu-flash-storage.mdx │ │ │ ├── 7-51-mcu-sd-card-interface.mdx │ │ │ ├── 8-51-single-chip-data-storage-method.mdx │ │ │ ├── 9-51-mcu-memory-addressing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-51-mcu-bus-and-interface │ │ │ ├── 0-51-mcu-bus-overview.mdx │ │ │ ├── 1-51-mcu-i2c-bus.mdx │ │ │ ├── 10-51-mcu-multi-device-access.mdx │ │ │ ├── 11-51-mcu-address-multiplexing.mdx │ │ │ ├── 12-51-mcu-bus-conflict.mdx │ │ │ ├── 13-51-mcu-bus-application-example.mdx │ │ │ ├── 2-51-mcu-spi-bus.mdx │ │ │ ├── 3-51-mcu-1-wire-bus.mdx │ │ │ ├── 4-51-mcu-can-bus.mdx │ │ │ ├── 5-51-mcu-usb-interface.mdx │ │ │ ├── 6-51-mcu-parallel-bus.mdx │ │ │ ├── 7-51-mcu-bus-timing.mdx │ │ │ ├── 8-51-mcu-address-decoding.mdx │ │ │ ├── 9-51-mcu-bus-drive.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-51-mcu-real-time-control │ │ │ ├── 0-51-mcu-real-time-system-overview.mdx │ │ │ ├── 1-51-mcu-real-time-tasks.mdx │ │ │ ├── 10-51-mcu-timing-control.mdx │ │ │ ├── 11-51-mcu-multitask-management.mdx │ │ │ ├── 12-51-mcu-synchronization-technology.mdx │ │ │ ├── 13-51-mcu-real-time-application-examples.mdx │ │ │ ├── 2-51-mcu-task-scheduling.mdx │ │ │ ├── 3-51-mcu-state-machine-design.mdx │ │ │ ├── 4-51-mcu-watchdog-timer.mdx │ │ │ ├── 5-51-mcu-low-power-design.mdx │ │ │ ├── 6-51-mcu-sleep-mode.mdx │ │ │ ├── 7-51-mcu-wake-up-mechanism.mdx │ │ │ ├── 8-51-mcu-real-time-clock.mdx │ │ │ ├── 9-51-mcu-ds1302-use.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── arduino │ │ ├── 0-arduino-base │ │ │ ├── 0-introduction-to-arduino.mdx │ │ │ ├── 1-arduino-board-model.mdx │ │ │ ├── 10-arduino-operator.mdx │ │ │ ├── 11-arduino-conditional-compilation.mdx │ │ │ ├── 12-arduino-keyword.mdx │ │ │ ├── 13-arduino-pin-definition.mdx │ │ │ ├── 2-arduino-ide-installation.mdx │ │ │ ├── 3-arduino-first-program.mdx │ │ │ ├── 4-arduino-program-structure.mdx │ │ │ ├── 5-arduino-syntax-rules.mdx │ │ │ ├── 6-arduino-annotation.mdx │ │ │ ├── 7-arduino-variable.mdx │ │ │ ├── 8-arduino-data-type.mdx │ │ │ ├── 9-arduino-constant.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-arduino-control-flow │ │ │ ├── 0-arduino-conditional-statement.mdx │ │ │ ├── 1-arduino-if-else.mdx │ │ │ ├── 10-arduino-interrupt.mdx │ │ │ ├── 11-arduino-exception-handling.mdx │ │ │ ├── 12-arduino-debugging-tips.mdx │ │ │ ├── 13-arduino-state-machine.mdx │ │ │ ├── 2-arduino-switch-case.mdx │ │ │ ├── 3-arduino-loop.mdx │ │ │ ├── 4-arduino-for-loop.mdx │ │ │ ├── 5-arduino-while-loop.mdx │ │ │ ├── 6-arduino-do-while-loop.mdx │ │ │ ├── 7-arduino-break-continue.mdx │ │ │ ├── 8-arduino-nested-loop.mdx │ │ │ ├── 9-arduino-function-jump.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-arduino-storage-and-data │ │ │ ├── 0-arduino-eeprom-use.mdx │ │ │ ├── 1-arduino-flash-storage.mdx │ │ │ ├── 10-arduino-cache-policy.mdx │ │ │ ├── 11-arduino-storage-optimization.mdx │ │ │ ├── 12-arduino-file-system.mdx │ │ │ ├── 13-arduino-data-backup-recovery.mdx │ │ │ ├── 2-arduino-sd-card-interface.mdx │ │ │ ├── 3-arduino-file-manipulation.mdx │ │ │ ├── 4-arduino-data-logging.mdx │ │ │ ├── 5-arduino-data-serialization.mdx │ │ │ ├── 6-arduino-configuration-storage.mdx │ │ │ ├── 7-arduino-data-verification.mdx │ │ │ ├── 8-arduino-data-encryption.mdx │ │ │ ├── 9-arduino-parameter-persistence.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-arduino-power-management │ │ │ ├── 0-arduino-power-supply-foundation.mdx │ │ │ ├── 1-arduino-voltage-regulation.mdx │ │ │ ├── 10-arduino-power-failure-recovery.mdx │ │ │ ├── 11-arduino-power-switch.mdx │ │ │ ├── 12-arduino-ups-system.mdx │ │ │ ├── 13-arduino-power-management-strategy.mdx │ │ │ ├── 2-arduino-current-detection.mdx │ │ │ ├── 3-arduino-battery-powered.mdx │ │ │ ├── 4-arduino-solar-powered.mdx │ │ │ ├── 5-arduino-low-power-mode.mdx │ │ │ ├── 6-arduino-sleep-wakeup.mdx │ │ │ ├── 7-arduino-power-supply-monitoring.mdx │ │ │ ├── 8-arduino-power-protection.mdx │ │ │ ├── 9-arduino-power-noise-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-arduino-project-structure │ │ │ ├── 0-arduino-project-design.mdx │ │ │ ├── 1-arduino-code-organization.mdx │ │ │ ├── 10-arduino-macro-definition.mdx │ │ │ ├── 11-arduino-code-reuse.mdx │ │ │ ├── 12-arduino-version-control.mdx │ │ │ ├── 13-arduino-project-documentation.mdx │ │ │ ├── 2-arduino-library-creation.mdx │ │ │ ├── 3-arduino-library-management.mdx │ │ │ ├── 4-arduino-multi-file-structure.mdx │ │ │ ├── 5-arduino-header-file-usage.mdx │ │ │ ├── 6-arduino-namespace.mdx │ │ │ ├── 7-arduino-compilation-instructions.mdx │ │ │ ├── 8-arduino-conditional-compilation.mdx │ │ │ ├── 9-arduino-preprocessor.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-arduino-network-and-internet-of-things │ │ │ ├── 0-arduino-network-foundation.mdx │ │ │ ├── 1-arduino-ethernet-shield.mdx │ │ │ ├── 10-arduino-api-interaction.mdx │ │ │ ├── 11-arduino-cybersecurity.mdx │ │ │ ├── 12-arduino-network-debugging.mdx │ │ │ ├── 13-arduino-iot-best-practices.mdx │ │ │ ├── 2-arduino-wifi-module.mdx │ │ │ ├── 3-arduino-mqtt-protocol.mdx │ │ │ ├── 4-arduino-http-client.mdx │ │ │ ├── 5-arduino-webserver.mdx │ │ │ ├── 6-arduino-internet-of-things-platform.mdx │ │ │ ├── 7-arduino-cloud-connection.mdx │ │ │ ├── 8-arduino-remote-control.mdx │ │ │ ├── 9-arduino-data-upload.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-arduino-advanced-programming │ │ │ ├── 0-arduino-object-oriented-programming.mdx │ │ │ ├── 1-arduino-state-machine-design.mdx │ │ │ ├── 10-arduino-performance-tuning.mdx │ │ │ ├── 11-arduino-assembly-language.mdx │ │ │ ├── 12-arduino-interrupt-vector-table.mdx │ │ │ ├── 13-arduino-boot-process.mdx │ │ │ ├── 2-arduino-event-driven-programming.mdx │ │ │ ├── 3-arduino-command-mode.mdx │ │ │ ├── 4-arduino-task-scheduler.mdx │ │ │ ├── 5-arduino-concurrency-control.mdx │ │ │ ├── 6-arduino-memory-allocation.mdx │ │ │ ├── 7-arduino-dynamic-memory.mdx │ │ │ ├── 8-arduino-memory-fragments.mdx │ │ │ ├── 9-arduino-code-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-arduino-testing-and-commissioning │ │ │ ├── 0-arduino-debugging-basics.mdx │ │ │ ├── 1-arduino-serial-debugging.mdx │ │ │ ├── 10-arduino-error-log.mdx │ │ │ ├── 11-arduino-performance-analysis.mdx │ │ │ ├── 12-arduino-testing-best-practices.mdx │ │ │ ├── 13-arduino-debugging-tips.mdx │ │ │ ├── 2-arduino-led-debugging.mdx │ │ │ ├── 3-arduino-logic-analysis.mdx │ │ │ ├── 4-arduino-oscilloscope-use.mdx │ │ │ ├── 5-arduino-unit-test.mdx │ │ │ ├── 6-arduino-hardware-emulation.mdx │ │ │ ├── 7-arduino-emulation-tool.mdx │ │ │ ├── 8-arduino-remote-debugging.mdx │ │ │ ├── 9-arduino-error-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-practical-application-of-arduino │ │ │ ├── 0-arduino-home-automation.mdx │ │ │ ├── 1-getting-started-with-arduino-robots.mdx │ │ │ ├── 10-arduino-art-installation.mdx │ │ │ ├── 11-arduino-health-monitoring.mdx │ │ │ ├── 12-arduino-educational-application.mdx │ │ │ ├── 13-arduino-transportation-system.mdx │ │ │ ├── 2-arduino-drone-control.mdx │ │ │ ├── 3-arduino-weather-station.mdx │ │ │ ├── 4-arduino-security-system.mdx │ │ │ ├── 5-arduino-wearables.mdx │ │ │ ├── 6-arduino-smart-farming.mdx │ │ │ ├── 7-arduino-environmental-monitoring.mdx │ │ │ ├── 8-arduino-game-design.mdx │ │ │ ├── 9-arduino-music-synthesizer.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-detailed-description-of-arduino-hardware │ │ │ ├── 0-arduino-hardware-architecture.mdx │ │ │ ├── 1-arduino-microcontroller.mdx │ │ │ ├── 10-arduino-circuit-protection.mdx │ │ │ ├── 11-arduino-electromagnetic-compatibility.mdx │ │ │ ├── 12-arduino-thermal-design.mdx │ │ │ ├── 13-arduino-reliability-design.mdx │ │ │ ├── 2-arduino-pin-mapping.mdx │ │ │ ├── 3-arduino-clock-system.mdx │ │ │ ├── 4-arduino-reset-circuit.mdx │ │ │ ├── 5-arduino-fuse-bit-settings.mdx │ │ │ ├── 6-arduino-interface-circuit.mdx │ │ │ ├── 7-arduino-level-conversion.mdx │ │ │ ├── 8-arduino-pcb-design.mdx │ │ │ ├── 9-arduino-schematic-drawing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-arduino-best-practices │ │ │ ├── 0-arduino-code-style.mdx │ │ │ ├── 1-arduino-naming-convention.mdx │ │ │ ├── 10-arduino-product-design.mdx │ │ │ ├── 11-arduino-hardware-testing.mdx │ │ │ ├── 12-arduino-production-test.mdx │ │ │ ├── 13-arduino-project-documentation.mdx │ │ │ ├── 2-arduino-annotation-specification.mdx │ │ │ ├── 3-arduino-code-refactoring.mdx │ │ │ ├── 4-arduino-performance-optimization.mdx │ │ │ ├── 5-arduino-memory-optimization.mdx │ │ │ ├── 6-arduino-power-consumption-optimization.mdx │ │ │ ├── 7-arduino-security-programming.mdx │ │ │ ├── 8-arduino-error-proof-design.mdx │ │ │ ├── 9-arduino-troubleshooting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-arduino-function │ │ │ ├── 0-fundamentals-of-arduino-functions.mdx │ │ │ ├── 1-arduino-function-parameters.mdx │ │ │ ├── 10-arduino-built-in-functions.mdx │ │ │ ├── 11-arduino-library-function.mdx │ │ │ ├── 12-arduino-function-optimization.mdx │ │ │ ├── 13-arduino-functions-and-interrupts.mdx │ │ │ ├── 2-arduino-return-value.mdx │ │ │ ├── 3-arduino-function-definition.mdx │ │ │ ├── 4-arduino-function-call.mdx │ │ │ ├── 5-arduino-recursion.mdx │ │ │ ├── 6-arduino-function-prototype.mdx │ │ │ ├── 7-arduino-scope-rules.mdx │ │ │ ├── 8-arduino-global-and-local-variables.mdx │ │ │ ├── 9-arduino-parameter-passing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-arduino-data-structure │ │ │ ├── 0-arduino-array.mdx │ │ │ ├── 1-arduino-array-operations.mdx │ │ │ ├── 10-arduino-memory-management.mdx │ │ │ ├── 11-arduino-eeprom-storage.mdx │ │ │ ├── 12-arduino-flash-storage.mdx │ │ │ ├── 13-arduino-data-cache.mdx │ │ │ ├── 2-arduino-multidimensional-array.mdx │ │ │ ├── 3-arduino-character-array.mdx │ │ │ ├── 4-arduino-string.mdx │ │ │ ├── 5-arduino-string-object.mdx │ │ │ ├── 6-arduino-structure.mdx │ │ │ ├── 7-arduino-consortium.mdx │ │ │ ├── 8-arduino-enumeration.mdx │ │ │ ├── 9-arduino-pointer.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-arduino-digital-inputoutput │ │ │ ├── 0-arduino-digital-pin-base.mdx │ │ │ ├── 1-arduino-digital-input.mdx │ │ │ ├── 10-arduino-multiplexing.mdx │ │ │ ├── 11-direct-operation-of-the-arduino-port.mdx │ │ │ ├── 12-arduino-input-capture.mdx │ │ │ ├── 13-arduino-interrupt-input.mdx │ │ │ ├── 2-arduino-pull-up-and-pull-down-resistors.mdx │ │ │ ├── 3-arduino-digital-output.mdx │ │ │ ├── 4-arduino-led-control.mdx │ │ │ ├── 5-arduino-button-input.mdx │ │ │ ├── 6-arduino-key-anti-shake.mdx │ │ │ ├── 7-arduino-pulse-width-modulation-pwm.mdx │ │ │ ├── 8-arduino-bit-manipulation.mdx │ │ │ ├── 9-arduino-shift-register.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-arduino-analog-inputoutput │ │ │ ├── 0-arduino-analog-pin-base.mdx │ │ │ ├── 1-arduino-analog-input-adc.mdx │ │ │ ├── 10-arduino-waveform-generation.mdx │ │ │ ├── 11-arduino-sampling-principle.mdx │ │ │ ├── 12-arduino-resolution-enhancement.mdx │ │ │ ├── 13-arduino-analog-calibration.mdx │ │ │ ├── 2-arduino-voltage-reference.mdx │ │ │ ├── 3-arduino-analog-sensor.mdx │ │ │ ├── 4-arduino-signal-filtering.mdx │ │ │ ├── 5-arduino-analog-output-dac.mdx │ │ │ ├── 6-arduino-analog-write.mdx │ │ │ ├── 7-arduino-audio-output.mdx │ │ │ ├── 8-arduino-signal-generation.mdx │ │ │ ├── 9-arduino-frequency-synthesis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-arduino-communication-protocol │ │ │ ├── 0-arduino-serial-communication-uart.mdx │ │ │ ├── 1-arduino-serial-monitor.mdx │ │ │ ├── 10-arduino-lora-communication.mdx │ │ │ ├── 11-arduino-rf-communication.mdx │ │ │ ├── 12-arduino-communication-debugging.mdx │ │ │ ├── 13-arduino-protocol-conversion.mdx │ │ │ ├── 2-arduino-spi-protocol.mdx │ │ │ ├── 3-arduino-i2c-protocol.mdx │ │ │ ├── 4-arduino-onewire-protocol.mdx │ │ │ ├── 5-arduino-infrared-communication.mdx │ │ │ ├── 6-arduino-wireless-communication-basics.mdx │ │ │ ├── 7-arduino-bluetooth-communication.mdx │ │ │ ├── 8-arduino-wifi-communication.mdx │ │ │ ├── 9-arduino-ethernet-communication.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-arduino-time-control │ │ │ ├── 0-arduino-delay-function.mdx │ │ │ ├── 1-arduino-millis-function.mdx │ │ │ ├── 10-arduino-non-blocking-delay.mdx │ │ │ ├── 11-arduino-timing-control.mdx │ │ │ ├── 12-arduino-timing-accuracy.mdx │ │ │ ├── 13-arduino-watchdog-timer.mdx │ │ │ ├── 2-arduino-micros-function.mdx │ │ │ ├── 3-arduino-timer-base.mdx │ │ │ ├── 4-arduino-hardware-timer.mdx │ │ │ ├── 5-arduino-timing-interrupt.mdx │ │ │ ├── 6-arduino-real-time-clock-rtc.mdx │ │ │ ├── 7-arduino-timebase.mdx │ │ │ ├── 8-arduino-time-synchronization.mdx │ │ │ ├── 9-arduino-cycle-task.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-arduino-sensor │ │ │ ├── 0-arduino-sensor-basics.mdx │ │ │ ├── 1-arduino-temperature-sensor.mdx │ │ │ ├── 10-arduino-gyroscope.mdx │ │ │ ├── 11-arduino-magnetometer.mdx │ │ │ ├── 12-arduino-multi-sensor-fusion.mdx │ │ │ ├── 13-arduino-sensor-calibration.mdx │ │ │ ├── 2-arduino-humidity-sensor.mdx │ │ │ ├── 3-arduino-light-sensor.mdx │ │ │ ├── 4-arduino-sound-sensor.mdx │ │ │ ├── 5-arduino-motion-sensor.mdx │ │ │ ├── 6-arduino-distance-sensor.mdx │ │ │ ├── 7-arduino-gas-sensor.mdx │ │ │ ├── 8-arduino-pressure-sensor.mdx │ │ │ ├── 9-arduino-accelerometer.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-arduino-actuator │ │ │ ├── 0-arduino-actuator-overview.mdx │ │ │ ├── 1-arduino-led-control.mdx │ │ │ ├── 10-arduino-matrix-keyboard.mdx │ │ │ ├── 11-arduino-vibration-motor.mdx │ │ │ ├── 12-arduino-electromagnet-control.mdx │ │ │ ├── 13-arduino-actuator-combination-application.mdx │ │ │ ├── 2-arduino-buzzer-control.mdx │ │ │ ├── 3-arduino-relay-control.mdx │ │ │ ├── 4-arduino-dc-motor.mdx │ │ │ ├── 5-arduino-servo-control.mdx │ │ │ ├── 6-arduino-stepper-motor.mdx │ │ │ ├── 7-arduino-motor-drive.mdx │ │ │ ├── 8-arduino-lcd-display.mdx │ │ │ ├── 9-arduino-oled-display.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── stm32 │ │ ├── 0-stm32-foundation │ │ ├── 0-introduction-to-stm32.mdx │ │ ├── 1-stm32-series-overview.mdx │ │ ├── 10-stm32-memory-mapping.mdx │ │ ├── 11-stm32-register-access.mdx │ │ ├── 12-stm32-bit-operation.mdx │ │ ├── 13-stm32-commissioning-technology.mdx │ │ ├── 2-stm32-development-environment-settings.mdx │ │ ├── 3-stm32-tool-chain-installation.mdx │ │ ├── 4-stm32-first-program.mdx │ │ ├── 5-stm32-project-structure.mdx │ │ ├── 6-stm32-startup-file.mdx │ │ ├── 7-stm32-clock-system.mdx │ │ ├── 8-stm32-system-configuration.mdx │ │ ├── 9-stm32-interrupt-concept.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-stm32-hardware-architecture │ │ ├── 0-stm32-core-architecture.mdx │ │ ├── 1-stm32-bus-system.mdx │ │ ├── 10-stm32-system-control-block.mdx │ │ ├── 11-stm32-startup-process.mdx │ │ ├── 12-stm32-debugging-interface.mdx │ │ ├── 13-stm32-power-mode.mdx │ │ ├── 2-stm32-memory-organization.mdx │ │ ├── 3-stm32-clock-tree.mdx │ │ ├── 4-stm32-power-management.mdx │ │ ├── 5-stm32-reset-system.mdx │ │ ├── 6-stm32-pin-definition.mdx │ │ ├── 7-stm32-peripherals-overview.mdx │ │ ├── 8-stm32-interrupt-controller.mdx │ │ ├── 9-stm32dma-controller.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-stm32-peripheral-interface │ │ ├── 0-stm32-peripheral-interface-overview.mdx │ │ ├── 1-stm32lcd-interface.mdx │ │ ├── 10-stm32-infrared-receiver.mdx │ │ ├── 11-stm32sdram-controller.mdx │ │ ├── 12-stm32-sensor-interface.mdx │ │ ├── 13-stm32-external-memory-interface.mdx │ │ ├── 2-stm32-touch-screen-control.mdx │ │ ├── 3-stm32sdio-interface.mdx │ │ ├── 4-stm32-ethernet-interface.mdx │ │ ├── 5-stm32dcmi-camera-interface.mdx │ │ ├── 6-stm32rtc-real-time-clock.mdx │ │ ├── 7-stm32crc-check.mdx │ │ ├── 8-stm32fsmc-interface.mdx │ │ ├── 9-stm32qspi-interface.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-stm32-startup-and-bootstrap │ │ ├── 0-stm32-startup-process.mdx │ │ ├── 1-stm32-startup-mode.mdx │ │ ├── 10-stm32otp-memory.mdx │ │ ├── 11-stm32-boot-time-optimization.mdx │ │ ├── 12-stm32-fail-safe-mode.mdx │ │ ├── 13-stm32-recovery-mechanism.mdx │ │ ├── 2-stm32-boot-loader.mdx │ │ ├── 3-stm32flash-layout.mdx │ │ ├── 4-stm32-vector-table.mdx │ │ ├── 5-stm32-firmware-update.mdx │ │ ├── 6-stm32-dual-zone-startup.mdx │ │ ├── 7-stm32-firmware-check.mdx │ │ ├── 8-stm32-firmware-protection.mdx │ │ ├── 9-stm32-code-security.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-stm32-commissioning-and-testing │ │ ├── 0-stm32-debugger-base.mdx │ │ ├── 1-stm32swd-interface.mdx │ │ ├── 10-stm32-memory-analysis.mdx │ │ ├── 11-stm32-unit-test.mdx │ │ ├── 12-stm32-hardware-error-debugging.mdx │ │ ├── 13-stm32-debugging-best-practices.mdx │ │ ├── 2-stm32jtag-interface.mdx │ │ ├── 3-stm32-debug-register.mdx │ │ ├── 4-stm32-breakpoint-settings.mdx │ │ ├── 5-stm32-single-step-execution.mdx │ │ ├── 6-stm32-real-time-monitoring.mdx │ │ ├── 7-stm32-data-observation-points.mdx │ │ ├── 8-stm32-performance-analysis.mdx │ │ ├── 9-stm32-tracking.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-stm32-advanced-features │ │ ├── 0-stm32-hardware-encryption.mdx │ │ ├── 1-stm32-random-number-generator.mdx │ │ ├── 10-stm32-safe-boot.mdx │ │ ├── 11-stm32-advanced-timing-feature.mdx │ │ ├── 12-stm32-analog-circuit-calibration.mdx │ │ ├── 13-stm32-system-protection.mdx │ │ ├── 2-stm32dsp-feature.mdx │ │ ├── 3-stm32-floating-point-operation.mdx │ │ ├── 4-stm32-audio-processing.mdx │ │ ├── 5-stm32dsp-accelerator.mdx │ │ ├── 6-stm32-digital-filter.mdx │ │ ├── 7-stm32fft-transform.mdx │ │ ├── 8-stm32-image-processing.mdx │ │ ├── 9-stm32-neural-network-acceleration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-stm32-wireless-communication │ │ ├── 0-stm32-wireless-communication-overview.mdx │ │ ├── 1-stm32-bluetooth-foundation.mdx │ │ ├── 10-stm32-wireless-protocol-stack.mdx │ │ ├── 11-stm32antp-interface.mdx │ │ ├── 12-stm32-wireless-device-distribution-network.mdx │ │ ├── 13-stm32-wireless-communication-commissioning.mdx │ │ ├── 2-stm32-bluetooth-configuration.mdx │ │ ├── 3-stm32-bluetooth-app.mdx │ │ ├── 4-stm32wifi-foundation.mdx │ │ ├── 5-stm32wifi-configuration.mdx │ │ ├── 6-stm32wifi-security.mdx │ │ ├── 7-stm32wifi-app.mdx │ │ ├── 8-stm32lora-interface.mdx │ │ ├── 9-stm32rf-transceiver.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-stm32-network-protocol │ │ ├── 0-stm32-network-protocol-overview.mdx │ │ ├── 1-stm32tcpip-foundation.mdx │ │ ├── 10-stm32tls-encryption.mdx │ │ ├── 11-stm32ota-update.mdx │ │ ├── 12-stm32-network-debugging.mdx │ │ ├── 13-stm32-internet-of-things-applications.mdx │ │ ├── 2-stm32lwip-protocol-stack.mdx │ │ ├── 3-stm32mqtt-client.mdx │ │ ├── 4-stm32http-client.mdx │ │ ├── 5-stm32coap-protocol.mdx │ │ ├── 6-stm32websocket-implementation.mdx │ │ ├── 7-stm32dns-parsing.mdx │ │ ├── 8-stm32dhcp-client.mdx │ │ ├── 9-stm32-cybersecurity.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-stm32-project-development │ │ ├── 0-stm32-project-planning.mdx │ │ ├── 1-stm32-requirement-analysis.mdx │ │ ├── 10-stm32-performance-optimization.mdx │ │ ├── 11-stm32-power-consumption-optimization.mdx │ │ ├── 12-stm32-product-deployment.mdx │ │ ├── 13-stm32-production-test.mdx │ │ ├── 2-stm32-hardware-options.mdx │ │ ├── 3-stm32-software-architecture.mdx │ │ ├── 4-stm32-code-organization.mdx │ │ ├── 5-stm32-version-control.mdx │ │ ├── 6-stm32api-design.mdx │ │ ├── 7-stm32-driver-development.mdx │ │ ├── 8-stm32-middleware-integration.mdx │ │ ├── 9-stm32-test-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-stm32hal-library │ │ ├── 0-stm32hal-library-overview.mdx │ │ ├── 1-stm32hal-initialization.mdx │ │ ├── 10-stm32hal-interrupt.mdx │ │ ├── 11-stm32hal-power-management.mdx │ │ ├── 12-stm32hal-error-handling.mdx │ │ ├── 13-stm32hal-best-practices.mdx │ │ ├── 2-stm32hal-gpio.mdx │ │ ├── 3-stm32hal-uart.mdx │ │ ├── 4-stm32hal-spi.mdx │ │ ├── 5-stm32hal-i2c.mdx │ │ ├── 6-stm32hal-timer.mdx │ │ ├── 7-stm32hal-adc.mdx │ │ ├── 8-stm32hal-dac.mdx │ │ ├── 9-stm32hal-dma.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 18-stm32-ecosystem │ │ ├── 0-introducing-the-stm32-toolchain.mdx │ │ ├── 1-stm32cubemx-tool.mdx │ │ ├── 10-stm32-third-party-tools.mdx │ │ ├── 11-stm32-commercial-support.mdx │ │ ├── 12-stm32-certification-process.mdx │ │ ├── 13-stm32-learning-resources.mdx │ │ ├── 2-stm32cubeide-development-environment.mdx │ │ ├── 3-stm32st-link-tool.mdx │ │ ├── 4-stm32-firmware-library.mdx │ │ ├── 5-stm32-development-board-selection.mdx │ │ ├── 6-stm32-community-resources.mdx │ │ ├── 7-stm32-app-notes.mdx │ │ ├── 8-stm32-reference-design.mdx │ │ ├── 9-stm32-ecosystem-extension.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-stm32gpio │ │ ├── 0-stm32gpio-base.mdx │ │ ├── 1-stm32gpio-configuration.mdx │ │ ├── 10-stm32gpio-read-write-operation.mdx │ │ ├── 11-stm32gpio-bitband-operation.mdx │ │ ├── 12-stm32gpio-use-case.mdx │ │ ├── 13-stm32gpio-best-practices.mdx │ │ ├── 2-stm32gpio-input-mode.mdx │ │ ├── 3-stm32gpio-output-mode.mdx │ │ ├── 4-stm32gpio-up-and-down.mdx │ │ ├── 5-stm32gpio-open-drain-push-pull.mdx │ │ ├── 6-stm32gpio-interrupt-configuration.mdx │ │ ├── 7-stm32gpio-external-interrupt.mdx │ │ ├── 8-stm32gpio-multiplex-function.mdx │ │ ├── 9-stm32gpio-high-speed-configuration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-stm32-serial-communication │ │ ├── 0-stm32uart-foundation.mdx │ │ ├── 1-stm32uart-configuration.mdx │ │ ├── 10-stm32i2c-configuration.mdx │ │ ├── 11-stm32i2c-master-slave-communication.mdx │ │ ├── 12-stm32can-foundation.mdx │ │ ├── 13-stm32usb-foundation.mdx │ │ ├── 2-stm32uart-send-receive.mdx │ │ ├── 3-stm32uart-interrupt.mdx │ │ ├── 4-stm32uart-dma.mdx │ │ ├── 5-stm32spi-foundation.mdx │ │ ├── 6-stm32spi-configuration.mdx │ │ ├── 7-stm32spi-master-slave-mode.mdx │ │ ├── 8-stm32spi-data-transfer.mdx │ │ ├── 9-stm32i2c-foundation.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-stm32-timer │ │ ├── 0-stm32-timer-overview.mdx │ │ ├── 1-stm32-basic-timer.mdx │ │ ├── 10-stm32-timer-interrupt.mdx │ │ ├── 11-stm32-timer-link.mdx │ │ ├── 12-stm32-timer-synchronization.mdx │ │ ├── 13-stm32-timer-dma.mdx │ │ ├── 2-stm32-universal-timer.mdx │ │ ├── 3-stm32-advanced-timer.mdx │ │ ├── 4-stm32pwm-base.mdx │ │ ├── 5-stm32pwm-configuration.mdx │ │ ├── 6-stm32pwm-application.mdx │ │ ├── 7-stm32-input-capture.mdx │ │ ├── 8-stm32-output-comparison.mdx │ │ ├── 9-stm32-single-pulse-mode.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-stm32adc-with-dac │ │ ├── 0-stm32adc-foundation.mdx │ │ ├── 1-stm32adc-configuration.mdx │ │ ├── 10-stm32dac-waveform-generation.mdx │ │ ├── 11-stm32dac-trigger-source.mdx │ │ ├── 12-stm32dac-dma-transmission.mdx │ │ ├── 13-stm32-internal-reference-voltage.mdx │ │ ├── 2-stm32adc-single-conversion.mdx │ │ ├── 3-stm32adc-continuous-conversion.mdx │ │ ├── 4-stm32adc-multichannel-sampling.mdx │ │ ├── 5-stm32adc-dma-transmission.mdx │ │ ├── 6-stm32adc-interrupt-handling.mdx │ │ ├── 7-stm32dac-foundation.mdx │ │ ├── 8-stm32dac-configuration.mdx │ │ ├── 9-stm32dac-output-mode.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-stm32-low-power-mode │ │ ├── 0-stm32-low-power-overview.mdx │ │ ├── 1-stm32-sleep-mode.mdx │ │ ├── 10-stm32-backup-domain.mdx │ │ ├── 11-stm32-low-power-commissioning.mdx │ │ ├── 12-stm32-power-consumption-analysis.mdx │ │ ├── 13-stm32-battery-powered-technology.mdx │ │ ├── 2-stm32-stop-mode.mdx │ │ ├── 3-stm32-standby-mode.mdx │ │ ├── 4-stm32-low-power-timer.mdx │ │ ├── 5-stm32-low-power-clock.mdx │ │ ├── 6-stm32-wake-source-configuration.mdx │ │ ├── 7-stm32-power-monitoring.mdx │ │ ├── 8-stm32-low-power-peripheral.mdx │ │ ├── 9-stm32-low-power-gpio.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-stm32dma │ │ ├── 0-stm32dma-foundation.mdx │ │ ├── 1-stm32dma-channel-configuration.mdx │ │ ├── 10-stm32dma-transfer-error-handling.mdx │ │ ├── 11-stm32dma-configuration-case.mdx │ │ ├── 12-stm32dma-optimization-techniques.mdx │ │ ├── 13-stm32dma-scenario.mdx │ │ ├── 2-stm32dma-transfer-mode.mdx │ │ ├── 3-stm32dma-priority.mdx │ │ ├── 4-stm32dma-interrupt.mdx │ │ ├── 5-stm32dma-memory-to-memory.mdx │ │ ├── 6-stm32dma-peripheral-to-memory.mdx │ │ ├── 7-stm32dma-memory-to-peripherals.mdx │ │ ├── 8-stm32dma-dual-buffer-mode.mdx │ │ ├── 9-stm32dma-link-transmission.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-stm32rtos │ │ ├── 0-stm32rtos-overview.mdx │ │ ├── 1-stm32freertos-foundation.mdx │ │ ├── 10-stm32rtos-interrupt-handling.mdx │ │ ├── 11-stm32rtos-performance-optimization.mdx │ │ ├── 12-stm32rtos-commissioning-technology.mdx │ │ ├── 13-stm32rtos-use-case.mdx │ │ ├── 2-stm32freertos-task.mdx │ │ ├── 3-stm32freertos-scheduling.mdx │ │ ├── 4-stm32freertos-queue.mdx │ │ ├── 5-stm32freertos-semaphore.mdx │ │ ├── 6-stm32freertos-mutex.mdx │ │ ├── 7-stm32freertos-event-group.mdx │ │ ├── 8-stm32freertos-timer.mdx │ │ ├── 9-stm32rtos-memory-management.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-stm32-file-system │ │ ├── 0-stm32-file-system-overview.mdx │ │ ├── 1-stm32fatfs-foundation.mdx │ │ ├── 10-stm32-file-system-with-dma.mdx │ │ ├── 11-stm32-file-cache.mdx │ │ ├── 12-stm32-file-system-optimization.mdx │ │ ├── 13-stm32-file-system-use-case.mdx │ │ ├── 2-stm32fatfs-configuration.mdx │ │ ├── 3-stm32sd-card-interface.mdx │ │ ├── 4-stm32-file-manipulation.mdx │ │ ├── 5-stm32-directory-operations.mdx │ │ ├── 6-stm32-file-readwrite.mdx │ │ ├── 7-stm32-file-system-mount.mdx │ │ ├── 8-stm32-file-system-performance.mdx │ │ ├── 9-stm32-file-system-error-handling.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── language │ ├── c │ │ ├── 0-c-language-basics │ │ │ ├── 0-introduction-to-c-language.mdx │ │ │ ├── 1-c-locale-settings.mdx │ │ │ ├── 10-c-language-type-conversion.mdx │ │ │ ├── 11-c-language-scope-rules.mdx │ │ │ ├── 12-c-language-keywords.mdx │ │ │ ├── 13-c-language-preprocessor.mdx │ │ │ ├── 2-c-language-first-program.mdx │ │ │ ├── 3-c-language-grammar.mdx │ │ │ ├── 4-c-language-annotation.mdx │ │ │ ├── 5-c-linguistic-variables.mdx │ │ │ ├── 6-c-language-data-type.mdx │ │ │ ├── 7-c-language-constant.mdx │ │ │ ├── 8-c-language-operator.mdx │ │ │ ├── 9-c-inputoutput.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-c-language-control-flow │ │ │ ├── 0-c-language-conditional-statement.mdx │ │ │ ├── 1-c-if-else.mdx │ │ │ ├── 10-c-language-nested-loop.mdx │ │ │ ├── 11-c-language-infinite-loop.mdx │ │ │ ├── 12-c-language-condition-operator.mdx │ │ │ ├── 13-c-language-control-flow-best-practices.mdx │ │ │ ├── 2-c-language-nested-if.mdx │ │ │ ├── 3-c-language-switch-statement.mdx │ │ │ ├── 4-c-language-loop.mdx │ │ │ ├── 5-c-language-for-loop.mdx │ │ │ ├── 6-c-language-while-loop.mdx │ │ │ ├── 7-c-language-do-while-loop.mdx │ │ │ ├── 8-c-language-break-continue.mdx │ │ │ ├── 9-c-goto-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-c-language-advanced-data-structure │ │ │ ├── 0-c-language-linked-list-basics.mdx │ │ │ ├── 1-c-language-single-linked-list.mdx │ │ │ ├── 10-c-language-diagram-basics.mdx │ │ │ ├── 11-c-language-hash-table.mdx │ │ │ ├── 12-c-language-dictionary-implementation.mdx │ │ │ ├── 13-c-language-custom-data-structure.mdx │ │ │ ├── 2-c-language-double-linked-list.mdx │ │ │ ├── 3-c-language-loop-list.mdx │ │ │ ├── 4-c-language-stack-implementation.mdx │ │ │ ├── 5-c-language-queue-implementation.mdx │ │ │ ├── 6-c-language-tree-basics.mdx │ │ │ ├── 7-c-language-binary-tree.mdx │ │ │ ├── 8-c-language-binary-search-tree.mdx │ │ │ ├── 9-c-language-heap-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-c-language-error-handling │ │ │ ├── 0-overview-of-c-language-error-handling.mdx │ │ │ ├── 1-c-language-return-code.mdx │ │ │ ├── 10-c-language-defensive-programming.mdx │ │ │ ├── 11-c-language-error-log.mdx │ │ │ ├── 12-c-language-error-handling-strategy.mdx │ │ │ ├── 13-c-language-error-handling-best-practices.mdx │ │ │ ├── 2-c-language-error-code.mdx │ │ │ ├── 3-c-language-errno-variable.mdx │ │ │ ├── 4-c-language-perror-function.mdx │ │ │ ├── 5-c-language-strerror-function.mdx │ │ │ ├── 6-c-language-assertion.mdx │ │ │ ├── 7-c-language-exception-handling-simulation.mdx │ │ │ ├── 8-c-language-resource-cleanup.mdx │ │ │ ├── 9-c-language-error-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-c-language-multithreading-and-concurrency │ │ │ ├── 0-c-language-multi-threaded-overview.mdx │ │ │ ├── 1-c-language-posix-thread.mdx │ │ │ ├── 10-c-language-thread-pool.mdx │ │ │ ├── 11-c-language-multithreaded-debugging.mdx │ │ │ ├── 12-c-language-concurrency-model.mdx │ │ │ ├── 13-c-language-concurrency-performance-optimization.mdx │ │ │ ├── 2-c-language-thread-creation.mdx │ │ │ ├── 3-c-language-thread-termination.mdx │ │ │ ├── 4-c-language-thread-synchronization.mdx │ │ │ ├── 5-c-language-mutex-lock.mdx │ │ │ ├── 6-c-language-conditional-variables.mdx │ │ │ ├── 7-c-language-semaphore.mdx │ │ │ ├── 8-c-language-atomic-manipulation.mdx │ │ │ ├── 9-c-language-thread-local-storage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-c-language-standard-library │ │ │ ├── 0-overview-of-the-c-language-standard-library.mdx │ │ │ ├── 1-c-language-character-processing.mdx │ │ │ ├── 10-c-language-pipeline-inputoutput.mdx │ │ │ ├── 11-c-language-localization.mdx │ │ │ ├── 12-c-language-assertion-library.mdx │ │ │ ├── 13-c-language-standard-library-limitations.mdx │ │ │ ├── 2-c-language-string-processing.mdx │ │ │ ├── 3-c-language-mathematical-functions.mdx │ │ │ ├── 4-c-language-time-date.mdx │ │ │ ├── 5-c-language-type-check.mdx │ │ │ ├── 6-c-dynamic-language-assignment.mdx │ │ │ ├── 7-c-language-process-control.mdx │ │ │ ├── 8-c-language-signal-processing.mdx │ │ │ ├── 9-c-language-variable-parameters.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-c-language-network-programming │ │ │ ├── 0-fundamentals-of-c-language-network-programming.mdx │ │ │ ├── 1-c-language-socket-basics.mdx │ │ │ ├── 10-c-language-multiplexing.mdx │ │ │ ├── 11-c-linguistic-domain-name-resolution.mdx │ │ │ ├── 12-c-language-network-library-usage.mdx │ │ │ ├── 13-c-language-cybersecurity.mdx │ │ │ ├── 2-c-language-tcp-programming.mdx │ │ │ ├── 3-c-udp-programming.mdx │ │ │ ├── 4-c-language-client-programming.mdx │ │ │ ├── 5-c-language-server-programming.mdx │ │ │ ├── 6-c-address-translation.mdx │ │ │ ├── 7-c-language-concurrent-server.mdx │ │ │ ├── 8-c-language-socket-options.mdx │ │ │ ├── 9-c-non-blocking-io.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-c-language-system-programming │ │ │ ├── 0-c-language-system-programming-overview.mdx │ │ │ ├── 1-c-language-process-control.mdx │ │ │ ├── 10-c-language-terminal-control.mdx │ │ │ ├── 11-c-language-user-identification.mdx │ │ │ ├── 12-c-language-system-limitations.mdx │ │ │ ├── 13-c-language-system-log.mdx │ │ │ ├── 2-c-language-process-creation.mdx │ │ │ ├── 3-c-language-process-communication.mdx │ │ │ ├── 4-c-language-pipeline.mdx │ │ │ ├── 5-c-language-signal-processing.mdx │ │ │ ├── 6-c-language-memory-mapping.mdx │ │ │ ├── 7-c-language-file-lock.mdx │ │ │ ├── 8-c-language-system-call.mdx │ │ │ ├── 9-c-language-daemon.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-c-language-advanced-features │ │ │ ├── 0-c-language-bit-field.mdx │ │ │ ├── 1-c-language-volatile-keywords.mdx │ │ │ ├── 10-c-compound-literals.mdx │ │ │ ├── 11-c-language-variable-structure.mdx │ │ │ ├── 12-c-language-flexible-array.mdx │ │ │ ├── 13-c-language-c11-new-features.mdx │ │ │ ├── 2-c-language-restrict-keyword.mdx │ │ │ ├── 3-c-language-inline-compilation.mdx │ │ │ ├── 4-c-language-function-properties.mdx │ │ │ ├── 5-c-weak-symbols.mdx │ │ │ ├── 6-c-language-thread-local-storage.mdx │ │ │ ├── 7-c-language-atomic-manipulation.mdx │ │ │ ├── 8-c-language-memory-barrier.mdx │ │ │ ├── 9-c-language-link-assignment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-c-language-best-practices │ │ │ ├── 0-c-language-code-style.mdx │ │ │ ├── 1-c-language-naming-convention.mdx │ │ │ ├── 10-c-language-code-review.mdx │ │ │ ├── 11-c-language-project-organization.mdx │ │ │ ├── 12-c-language-construction-system.mdx │ │ │ ├── 13-c-language-development-toolchain.mdx │ │ │ ├── 2-c-language-annotation-specification.mdx │ │ │ ├── 3-c-language-safe-programming.mdx │ │ │ ├── 4-c-language-performance-optimization.mdx │ │ │ ├── 5-c-language-memory-optimization.mdx │ │ │ ├── 6-c-language-debugging-tips.mdx │ │ │ ├── 7-c-language-testing-methods.mdx │ │ │ ├── 8-c-language-version-compatibility.mdx │ │ │ ├── 9-c-code-refactoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-c-language-function │ │ │ ├── 0-c-language-function-basics.mdx │ │ │ ├── 1-c-language-function-parameters.mdx │ │ │ ├── 10-c-language-external-functions.mdx │ │ │ ├── 11-c-language-parameter-passing.mdx │ │ │ ├── 12-c-language-callback-function.mdx │ │ │ ├── 13-c-language-variable-parameters.mdx │ │ │ ├── 2-c-language-return-value.mdx │ │ │ ├── 3-c-language-function-definition.mdx │ │ │ ├── 4-c-language-function-call.mdx │ │ │ ├── 5-c-language-recursion.mdx │ │ │ ├── 6-c-language-library-functions.mdx │ │ │ ├── 7-c-language-function-prototype.mdx │ │ │ ├── 8-c-language-inline-function.mdx │ │ │ ├── 9-c-language-static-functions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-c-language-array │ │ │ ├── 0-c-language-array-fundamentals.mdx │ │ │ ├── 1-c-language-one-dimensional-array.mdx │ │ │ ├── 10-c-language-array-search.mdx │ │ │ ├── 11-c-language-dynamic-array.mdx │ │ │ ├── 12-c-language-array-bounds-check.mdx │ │ │ ├── 13-c-language-array-application-example.mdx │ │ │ ├── 2-c-two-dimensional-array.mdx │ │ │ ├── 3-c-language-multidimensional-array.mdx │ │ │ ├── 4-c-language-array-initialization.mdx │ │ │ ├── 5-c-language-array-operations.mdx │ │ │ ├── 6-c-language-array-as-parameter.mdx │ │ │ ├── 7-c-language-arrays-and-pointers.mdx │ │ │ ├── 8-c-character-array.mdx │ │ │ ├── 9-c-language-array-sorting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-c-pointer │ │ │ ├── 0-c-language-pointer-basics.mdx │ │ │ ├── 1-c-pointer-declaration.mdx │ │ │ ├── 10-c-const-pointer.mdx │ │ │ ├── 11-c-language-field-pointer.mdx │ │ │ ├── 12-c-null-pointer.mdx │ │ │ ├── 13-c-language-pointer-best-practices.mdx │ │ │ ├── 2-c-language-pointer-operation.mdx │ │ │ ├── 3-c-pointer-arithmetic.mdx │ │ │ ├── 4-c-pointers-and-arrays.mdx │ │ │ ├── 5-c-pointer-array.mdx │ │ │ ├── 6-c-linguistic-function-pointer.mdx │ │ │ ├── 7-c-pointers-and-strings.mdx │ │ │ ├── 8-c-language-multilevel-pointer.mdx │ │ │ ├── 9-c-void-pointer.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-c-language-string │ │ │ ├── 0-c-language-string-basics.mdx │ │ │ ├── 1-c-language-string-declaration.mdx │ │ │ ├── 10-c-language-string-copy.mdx │ │ │ ├── 11-c-language-safe-string-function.mdx │ │ │ ├── 12-practical-tips-for-c-language-strings.mdx │ │ │ ├── 13-c-language-internationalized-string.mdx │ │ │ ├── 2-c-language-string-operation.mdx │ │ │ ├── 3-c-language-string-function.mdx │ │ │ ├── 4-c-language-string-formatting.mdx │ │ │ ├── 5-c-language-string-inputoutput.mdx │ │ │ ├── 6-c-language-string-conversion.mdx │ │ │ ├── 7-c-language-string-comparison.mdx │ │ │ ├── 8-c-language-string-search.mdx │ │ │ ├── 9-c-language-string-connection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-c-language-structures-and-unions │ │ │ ├── 0-c-language-structure-basics.mdx │ │ │ ├── 1-c-language-structure-definition.mdx │ │ │ ├── 10-c-language-joint-application.mdx │ │ │ ├── 11-c-language-enumeration-type.mdx │ │ │ ├── 12-c-language-typedef-usage.mdx │ │ │ ├── 13-c-language-complex-data-structure.mdx │ │ │ ├── 2-c-language-structure-initialization.mdx │ │ │ ├── 3-c-language-structure-access.mdx │ │ │ ├── 4-c-language-structure-array.mdx │ │ │ ├── 5-c-language-structure-pointer.mdx │ │ │ ├── 6-c-language-nested-structures.mdx │ │ │ ├── 7-c-language-self-referencing-structure.mdx │ │ │ ├── 8-c-language-structure-alignment.mdx │ │ │ ├── 9-c-language-joint-foundation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-c-language-memory-management │ │ │ ├── 0-c-language-memory-model.mdx │ │ │ ├── 1-c-memory-layout.mdx │ │ │ ├── 10-c-memory-alignment.mdx │ │ │ ├── 11-c-language-memory-fragmentation.mdx │ │ │ ├── 12-c-language-memory-debugging.mdx │ │ │ ├── 13-c-language-memory-management-best-practices.mdx │ │ │ ├── 2-c-language-stack-and-heap.mdx │ │ │ ├── 3-c-language-dynamic-memory-allocation.mdx │ │ │ ├── 4-c-malloc-function.mdx │ │ │ ├── 5-c-language-calloc-function.mdx │ │ │ ├── 6-c-realloc-function.mdx │ │ │ ├── 7-c-language-free-function.mdx │ │ │ ├── 8-c-language-memory-leak.mdx │ │ │ ├── 9-c-language-memory-out-of-range.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-c-language-file-operations │ │ │ ├── 0-c-language-file-basics.mdx │ │ │ ├── 1-c-language-file-open-and-close.mdx │ │ │ ├── 10-c-language-file-attributes.mdx │ │ │ ├── 11-c-language-temporary-file.mdx │ │ │ ├── 12-c-language-standard-stream.mdx │ │ │ ├── 13-c-language-file-buffer.mdx │ │ │ ├── 2-c-language-file-reading.mdx │ │ │ ├── 3-c-language-file-writing.mdx │ │ │ ├── 4-c-language-file-pointer.mdx │ │ │ ├── 5-c-language-binary-file.mdx │ │ │ ├── 6-c-language-text-file.mdx │ │ │ ├── 7-c-language-random-access.mdx │ │ │ ├── 8-c-language-file-error-handling.mdx │ │ │ ├── 9-c-language-directory-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-c-language-preprocessor │ │ │ ├── 0-c-language-preprocessor-basics.mdx │ │ │ ├── 1-c-language-macro-definition.mdx │ │ │ ├── 10-c-language-variable-parameter-macros.mdx │ │ │ ├── 11-side-effects-of-c-language-macros.mdx │ │ │ ├── 12-c-language-preprocessor-debugging.mdx │ │ │ ├── 13-c-language-preprocessor-best-practices.mdx │ │ │ ├── 2-c-conditional-compilation.mdx │ │ │ ├── 3-c-language-file-contains.mdx │ │ │ ├── 4-c-language-predefined-macros.mdx │ │ │ ├── 5-c-language-line-control.mdx │ │ │ ├── 6-c-language-error-instruction.mdx │ │ │ ├── 7-c-language-operator-definition.mdx │ │ │ ├── 8-c-language-stringification.mdx │ │ │ ├── 9-c-language-markup-paste.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── cpp │ │ ├── 0-cpp-basics │ │ │ ├── 0-introduction-to-cpp.mdx │ │ │ ├── 1-cpp-history.mdx │ │ │ ├── 10-cpp-modifiers.mdx │ │ │ ├── 11-cpp-storage-class.mdx │ │ │ ├── 12-cpp-operator.mdx │ │ │ ├── 13-cpp-input-and-output.mdx │ │ │ ├── 14-cpp-scope-rules.mdx │ │ │ ├── 15-cpp-type-conversion.mdx │ │ │ ├── 16-cpp-namespace.mdx │ │ │ ├── 17-cpp-preprocessor.mdx │ │ │ ├── 2-cpp-environment-settings.mdx │ │ │ ├── 3-cpp-compiler-installation.mdx │ │ │ ├── 4-the-first-cpp-program.mdx │ │ │ ├── 5-cpp-syntax.mdx │ │ │ ├── 6-cpp-comments.mdx │ │ │ ├── 7-cpp-variables.mdx │ │ │ ├── 8-cpp-data-types.mdx │ │ │ ├── 9-cpp-constants.mdx │ │ │ ├── _category_.json │ │ │ ├── img │ │ │ │ └── cpp_logo.png │ │ │ └── index.mdx │ │ ├── 1-cpp-control-flow │ │ │ ├── 0-cpp-conditional-statements.mdx │ │ │ ├── 1-cppif-else.mdx │ │ │ ├── 10-cppbreak-statement.mdx │ │ │ ├── 11-cppcontinue-statement.mdx │ │ │ ├── 12-cppgoto-statement.mdx │ │ │ ├── 13-cpp-infinite-loop.mdx │ │ │ ├── 14-cpp-loop-control.mdx │ │ │ ├── 2-cpp-nested-if.mdx │ │ │ ├── 3-cppswitch-case.mdx │ │ │ ├── 4-cpp-conditional-operator.mdx │ │ │ ├── 5-cpp-loop.mdx │ │ │ ├── 6-cppfor-loop.mdx │ │ │ ├── 7-cppwhile-loop.mdx │ │ │ ├── 8-cpp-do-while-loop.mdx │ │ │ ├── 9-cpp-nested-loop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-cpp-operator-overloading │ │ │ ├── 0-cpp-operator-overloading-basics.mdx │ │ │ ├── 1-cpp-unary-operator-overloading.mdx │ │ │ ├── 10-cpp-member-access-operator-overloading.mdx │ │ │ ├── 11-cppnew-and-delete-overload.mdx │ │ │ ├── 12-cpp-operator-overloading-restrictions.mdx │ │ │ ├── 13-cpp-operator-overloading-best-practices.mdx │ │ │ ├── 2-cpp-binary-operator-overloading.mdx │ │ │ ├── 3-cpp-relational-operator-overloading.mdx │ │ │ ├── 4-cpp-input-and-output-operator-overloading.mdx │ │ │ ├── 5-cpp-assignment-operator-overloading.mdx │ │ │ ├── 6-cpp-subscript-operator-overloading.mdx │ │ │ ├── 7-cpp-function-call-operator-overloading.mdx │ │ │ ├── 8-cpp-conversion-operator-overloading.mdx │ │ │ ├── 9-cpp-increment-and-decrement-operator-overloading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-cpp-template │ │ │ ├── 0-cpp-template-basics.mdx │ │ │ ├── 1-cpp-function-template.mdx │ │ │ ├── 10-cppsfinae.mdx │ │ │ ├── 11-cpp-template-metaprogramming.mdx │ │ │ ├── 12-cpp-type-extraction.mdx │ │ │ ├── 13-cpp-compile-time-calculation.mdx │ │ │ ├── 14-cpp-constraints-and-concepts-cpp20.mdx │ │ │ ├── 15-cpp-template-best-practices.mdx │ │ │ ├── 2-cpp-class-template.mdx │ │ │ ├── 3-cpp-template-parameters.mdx │ │ │ ├── 4-cpp-template-specialization.mdx │ │ │ ├── 5-cpp-partial-specialization.mdx │ │ │ ├── 6-cpp-non-type-template-parameter.mdx │ │ │ ├── 7-cpp-template-default-parameters.mdx │ │ │ ├── 8-cpp-variable-parameter-template.mdx │ │ │ ├── 9-cpp-fold-expression.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-cpp-exception-handling │ │ │ ├── 0-cpp-exception-handling-basics.mdx │ │ │ ├── 1-cpptry-block.mdx │ │ │ ├── 10-cppnoexcept-specifier.mdx │ │ │ ├── 11-cpp-exception-safety.mdx │ │ │ ├── 12-cppraii-and-exceptions.mdx │ │ │ ├── 13-cpp-exception-handling-best-practices.mdx │ │ │ ├── 2-cppcatch-block.mdx │ │ │ ├── 3-cppthrow-statement.mdx │ │ │ ├── 4-cpp-exception-specification.mdx │ │ │ ├── 5-cpp-standard-exception.mdx │ │ │ ├── 6-cpp-custom-exception.mdx │ │ │ ├── 7-cpp-exception-rethrow.mdx │ │ │ ├── 8-cpp-function-try-block.mdx │ │ │ ├── 9-cpp-nested-exception.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-cppstl-container │ │ │ ├── 0-cppstl-overview.mdx │ │ │ ├── 1-cpp-sequence-container.mdx │ │ │ ├── 10-cppmap.mdx │ │ │ ├── 11-cppmultimap.mdx │ │ │ ├── 12-cpp-unordered-container.mdx │ │ │ ├── 13-cppunordered_set.mdx │ │ │ ├── 14-cppunordered_multiset.mdx │ │ │ ├── 15-cppunordered_map.mdx │ │ │ ├── 16-cppunordered_multimap.mdx │ │ │ ├── 17-cpp-container-adapter.mdx │ │ │ ├── 18-cppstack.mdx │ │ │ ├── 19-cppqueue.mdx │ │ │ ├── 2-cppvector.mdx │ │ │ ├── 20-cpppriority_queue.mdx │ │ │ ├── 21-cppspancpp20.mdx │ │ │ ├── 3-cpplist.mdx │ │ │ ├── 4-cppdeque.mdx │ │ │ ├── 5-cpparray.mdx │ │ │ ├── 6-cppforward_list.mdx │ │ │ ├── 7-cpp-associative-containers.mdx │ │ │ ├── 8-cppset.mdx │ │ │ ├── 9-cppmultiset.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-cppstl-iterator │ │ │ ├── 0-cpp-iterator-basics.mdx │ │ │ ├── 1-cpp-iterator-class.mdx │ │ │ ├── 10-cpp-insert-iterator.mdx │ │ │ ├── 11-cpp-stream-iterator.mdx │ │ │ ├── 12-cpp-iterator-invalidation.mdx │ │ │ ├── 13-cpp-custom-iterator.mdx │ │ │ ├── 14-cpp-iterator-best-practices.mdx │ │ │ ├── 2-cpp-input-iterator.mdx │ │ │ ├── 3-cpp-output-iterator.mdx │ │ │ ├── 4-cpp-forward-iterator.mdx │ │ │ ├── 5-cpp-bidirectional-iterator.mdx │ │ │ ├── 6-cpp-random-access-iterator.mdx │ │ │ ├── 7-cpp-continuous-iterator-cpp20.mdx │ │ │ ├── 8-cpp-iterator-adapter.mdx │ │ │ ├── 9-cpp-reverse-iterator.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-cppstl-algorithm │ │ │ ├── 0-overview-of-cpp-algorithm-library.mdx │ │ │ ├── 1-cpp-non-modifying-sequence-operations.mdx │ │ │ ├── 10-cpp-generation-and-transformation.mdx │ │ │ ├── 11-cpp-permutations-and-combinations.mdx │ │ │ ├── 12-cpp-common-algorithm-examples.mdx │ │ │ ├── 13-cpp-algorithm-complexity.mdx │ │ │ ├── 14-cpp-parallel-algorithm-cpp17.mdx │ │ │ ├── 15-cpp-execution-strategy.mdx │ │ │ ├── 2-cpp-modify-sequence-operation.mdx │ │ │ ├── 3-cpp-sort-operation.mdx │ │ │ ├── 4-cpp-binary-search-operation.mdx │ │ │ ├── 5-cpp-merge-operation.mdx │ │ │ ├── 6-cpp-heap-operation.mdx │ │ │ ├── 7-cpp-most-value-operation.mdx │ │ │ ├── 8-cpp-numerical-operations.mdx │ │ │ ├── 9-cpp-collection-operations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-cppstl-function-object │ │ │ ├── 0-overview-of-cpp-function-objects.mdx │ │ │ ├── 1-cpp-predefined-function-objects.mdx │ │ │ ├── 10-cpp-callable-object.mdx │ │ │ ├── 11-cppstdbind.mdx │ │ │ ├── 12-cppstdfunction.mdx │ │ │ ├── 13-cpp-custom-function-object.mdx │ │ │ ├── 14-cpp-function-object-best-practice.mdx │ │ │ ├── 2-cpp-arithmetic-function-objects.mdx │ │ │ ├── 3-cpp-comparison-function-objects.mdx │ │ │ ├── 4-cpp-logical-function-object.mdx │ │ │ ├── 5-cpp-bit-function-object.mdx │ │ │ ├── 6-cpp-reference-wrapper.mdx │ │ │ ├── 7-cpp-function-wrapper.mdx │ │ │ ├── 8-cpp-binder.mdx │ │ │ ├── 9-cpp-function-adapter.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-cpp-files-and-streams │ │ │ ├── 0-overview-of-the-cppio-library.mdx │ │ │ ├── 1-cpp-input-stream.mdx │ │ │ ├── 10-cpp-formatted-input-and-output.mdx │ │ │ ├── 11-cpp-flow-status.mdx │ │ │ ├── 12-cpp-stream-manipulation-operator.mdx │ │ │ ├── 13-cpp-custom-manipulation-operator.mdx │ │ │ ├── 14-cpp-stream-buffer.mdx │ │ │ ├── 15-cpp-synchronization-and-refresh.mdx │ │ │ ├── 16-cpp-file-system-cpp17.mdx │ │ │ ├── 2-cpp-output-stream.mdx │ │ │ ├── 3-cpp-file-stream.mdx │ │ │ ├── 4-cpp-file-opening-mode.mdx │ │ │ ├── 5-cpp-read-file.mdx │ │ │ ├── 6-cpp-write-file.mdx │ │ │ ├── 7-cpp-binary-file.mdx │ │ │ ├── 8-cpp-random-access.mdx │ │ │ ├── 9-cpp-string-stream.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-cpp-multithreading │ │ │ ├── 0-cpp-multithreading-overview.mdx │ │ │ ├── 1-cpp-thread-management.mdx │ │ │ ├── 10-cpp-memory-model.mdx │ │ │ ├── 11-cpp-thread-communication.mdx │ │ │ ├── 12-cpp-asynchronous-task.mdx │ │ │ ├── 13-cppfuture-and-promise.mdx │ │ │ ├── 14-cpppackaged_task.mdx │ │ │ ├── 15-cpp-thread-pool.mdx │ │ │ ├── 16-cpp-thread-safety.mdx │ │ │ ├── 17-cpp-deadlock-handling.mdx │ │ │ ├── 18-cpp-multithreading-best-practices.mdx │ │ │ ├── 2-cpp-start-thread.mdx │ │ │ ├── 3-cpp-thread-id.mdx │ │ │ ├── 4-cpp-thread-parameters.mdx │ │ │ ├── 5-cpp-thread-synchronization.mdx │ │ │ ├── 6-cpp-mutex.mdx │ │ │ ├── 7-cpp-locking-strategy.mdx │ │ │ ├── 8-cpp-conditional-variables.mdx │ │ │ ├── 9-cpp-atomic-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-cpp-smart-pointer │ │ │ ├── 0-detailed-explanation-of-cpp-smart-pointer.mdx │ │ │ ├── 1-cppunique_ptr-detailed-explanation.mdx │ │ │ ├── 10-cpp-smart-pointer-thread-safety.mdx │ │ │ ├── 11-cppmake_unique.mdx │ │ │ ├── 12-cppmake_shared.mdx │ │ │ ├── 13-cpp-smart-pointer-best-practice.mdx │ │ │ ├── 2-cppshared_ptr-detailed-explanation.mdx │ │ │ ├── 3-cppweak_ptr-detailed-explanation.mdx │ │ │ ├── 4-cppauto_ptr-deprecation.mdx │ │ │ ├── 5-cpp-custom-deleter.mdx │ │ │ ├── 6-cpp-smart-pointer-for-array.mdx │ │ │ ├── 7-cpp-pointer-conversion.mdx │ │ │ ├── 8-cpp-circular-reference-problem.mdx │ │ │ ├── 9-cpp-smart-pointer-and-container.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-cpp-function │ │ │ ├── 0-cpp-function-basics.mdx │ │ │ ├── 1-cpp-function-declaration.mdx │ │ │ ├── 10-cpp-random-number-function.mdx │ │ │ ├── 11-cpplambda-expressions.mdx │ │ │ ├── 12-cpp-callback-function.mdx │ │ │ ├── 13-cpp-function-pointer.mdx │ │ │ ├── 14-cpp-function-object.mdx │ │ │ ├── 2-cpp-function-definition.mdx │ │ │ ├── 3-cpp-function-call.mdx │ │ │ ├── 4-cpp-function-parameters.mdx │ │ │ ├── 5-cpp-parameter-default-value.mdx │ │ │ ├── 6-cpp-function-overloading.mdx │ │ │ ├── 7-cpp-inline-function.mdx │ │ │ ├── 8-cpp-recursive-function.mdx │ │ │ ├── 9-cpp-math-functions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-new-features-of-cpp11 │ │ │ ├── 0-cpp11-overview.mdx │ │ │ ├── 1-cpp11-automatic-type-deduction.mdx │ │ │ ├── 10-cpp11-delegate-constructor.mdx │ │ │ ├── 11-cpp11-inheritance-constructor.mdx │ │ │ ├── 12-cpp11-default-and-deleted-functions.mdx │ │ │ ├── 13-cpp11-strongly-typed-enum.mdx │ │ │ ├── 14-cpp11nullptr.mdx │ │ │ ├── 15-cpp11constexpr.mdx │ │ │ ├── 16-cpp11-variadic-templates.mdx │ │ │ ├── 17-cpp11-concurrency-support.mdx │ │ │ ├── 18-cpp11-new-containers-and-algorithms.mdx │ │ │ ├── 19-cpp11-regular-expression.mdx │ │ │ ├── 2-cpp11-range-based-for-loop.mdx │ │ │ ├── 3-cpp11-initializer-list.mdx │ │ │ ├── 4-cpp11-uniform-initialization.mdx │ │ │ ├── 5-cpp11lambda-expressions.mdx │ │ │ ├── 6-cpp11-rvalue-reference.mdx │ │ │ ├── 7-cpp11-move-semantics.mdx │ │ │ ├── 8-cpp11-perfect-forwarding.mdx │ │ │ ├── 9-cpp11-unrestricted-union.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 21-cpp141720-features │ │ │ ├── 0-cpp14-overview.mdx │ │ │ ├── 1-cpp14-generic-lambda.mdx │ │ │ ├── 10-cpp17stdvariant.mdx │ │ │ ├── 11-cpp17stdany.mdx │ │ │ ├── 12-cpp17stdstring_view.mdx │ │ │ ├── 13-cpp17-file-system.mdx │ │ │ ├── 14-cpp17-parallel-algorithm.mdx │ │ │ ├── 15-cpp20-overview.mdx │ │ │ ├── 16-cpp20-concept.mdx │ │ │ ├── 17-cpp20-coroutine.mdx │ │ │ ├── 18-cpp20-module.mdx │ │ │ ├── 19-cpp20-scope.mdx │ │ │ ├── 2-cpp14-variable-template.mdx │ │ │ ├── 20-cpp20-format-library.mdx │ │ │ ├── 21-cpp20-three-way-comparison.mdx │ │ │ ├── 22-cpp20-new-style-lambda.mdx │ │ │ ├── 23-cpp20-calendar-and-time-zone.mdx │ │ │ ├── 3-cpp14-improved-constexpr.mdx │ │ │ ├── 4-cpp17-overview.mdx │ │ │ ├── 5-cpp17-structured-binding.mdx │ │ │ ├── 6-cpp17ifswitch-initialization.mdx │ │ │ ├── 7-cpp17-inline-variables.mdx │ │ │ ├── 8-cpp17-fold-expressions.mdx │ │ │ ├── 9-cpp17stdoptional.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 22-cpp-advanced-topics │ │ │ ├── 0-cpp-metaprogramming.mdx │ │ │ ├── 1-cpp-type-extraction.mdx │ │ │ ├── 10-cpp-visitor-pattern.mdx │ │ │ ├── 11-cpp-proxy-mode.mdx │ │ │ ├── 12-cpp-adapter-pattern.mdx │ │ │ ├── 13-cpp-singleton-pattern.mdx │ │ │ ├── 14-cpp-factory-pattern.mdx │ │ │ ├── 15-cpp-observer-pattern.mdx │ │ │ ├── 16-cpp-command-mode.mdx │ │ │ ├── 17-cpp-chain-of-responsibility-pattern.mdx │ │ │ ├── 2-cppcrtp-mode.mdx │ │ │ ├── 3-cpp-expression-template.mdx │ │ │ ├── 4-cpp-strategy-pattern.mdx │ │ │ ├── 5-cppmixin-class.mdx │ │ │ ├── 6-cpp-compile-time-programming.mdx │ │ │ ├── 7-cpp-reflection-technology.mdx │ │ │ ├── 8-cpp-attributes.mdx │ │ │ ├── 9-cpp-delegation-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 23-cpp-debugging-and-testing │ │ │ ├── 0-cpp-debugging-technology.mdx │ │ │ ├── 1-cpp-breakpoint-usage.mdx │ │ │ ├── 10-cppcatch2.mdx │ │ │ ├── 11-cpp-mock-object.mdx │ │ │ ├── 12-cpp-test-driven-development.mdx │ │ │ ├── 13-cpp-code-coverage.mdx │ │ │ ├── 14-cpp-performance-test.mdx │ │ │ ├── 15-cpp-assertion-and-log.mdx │ │ │ ├── 16-cpp-debugging-best-practices.mdx │ │ │ ├── 2-cpp-single-step-execution.mdx │ │ │ ├── 3-cpp-monitor-variables.mdx │ │ │ ├── 4-cpp-call-stack.mdx │ │ │ ├── 5-cpp-memory-debugging.mdx │ │ │ ├── 6-cpp-performance-analysis.mdx │ │ │ ├── 7-cpp-unit-test.mdx │ │ │ ├── 8-cpp-test-framework.mdx │ │ │ ├── 9-cppgoogletest.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 24-cpp-and-c-interaction │ │ │ ├── 0-the-difference-between-cpp-and-c.mdx │ │ │ ├── 1-cpp-compatible-c-code.mdx │ │ │ ├── 10-cpp-and-c-pointers.mdx │ │ │ ├── 11-cpp-and-c-strings.mdx │ │ │ ├── 12-cpp-and-c-library-encapsulation.mdx │ │ │ ├── 13-memory-management-of-cpp-and-c.mdx │ │ │ ├── 14-best-practices-for-mixing-cpp-and-c.mdx │ │ │ ├── 2-cpp-calls-c-function.mdx │ │ │ ├── 3-c-calling-from-cpp.mdx │ │ │ ├── 4-cppextern-c.mdx │ │ │ ├── 5-cpp-name-mangling.mdx │ │ │ ├── 6-cpp-and-c-structure.mdx │ │ │ ├── 7-cpp-and-c-union.mdx │ │ │ ├── 8-cpp-and-c-enumeration.mdx │ │ │ ├── 9-cpp-and-c-arrays.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 25-cpp-projects-and-tools │ │ │ ├── 0-cpp-build-system.mdx │ │ │ ├── 1-cppmake.mdx │ │ │ ├── 10-cpp-cross-compilation.mdx │ │ │ ├── 11-cpp-performance-optimization.mdx │ │ │ ├── 12-cpp-memory-optimization.mdx │ │ │ ├── 13-cpp-compilation-optimization.mdx │ │ │ ├── 14-cpp-debugging-tools.mdx │ │ │ ├── 15-cppide-selection.mdx │ │ │ ├── 16-cpp-project-organization.mdx │ │ │ ├── 17-best-practices-for-large-cpp-projects.mdx │ │ │ ├── 2-cppcmake.mdx │ │ │ ├── 3-cpp-version-control.mdx │ │ │ ├── 4-cpp-code-style.mdx │ │ │ ├── 5-cpp-static-analysis.mdx │ │ │ ├── 6-cpp-code-formatting.mdx │ │ │ ├── 7-cpp-document-generation.mdx │ │ │ ├── 8-cpp-package-management.mdx │ │ │ ├── 9-cpp-dependency-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 26-cpp-design-pattern │ │ │ ├── 0-overview-of-cpp-design-patterns.mdx │ │ │ ├── 1-cpp-creational-mode.mdx │ │ │ ├── 2-cpp-singleton-mode-implementation.mdx │ │ │ ├── 3-cpp-factory-method-pattern.mdx │ │ │ ├── 4-cpp-abstract-factory-pattern.mdx │ │ │ ├── 5-cpp-builder-pattern.mdx │ │ │ ├── 6-cpp-prototype-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-cpp-array │ │ │ ├── 0-cpp-array-basics.mdx │ │ │ ├── 1-cpp-one-dimensional-array.mdx │ │ │ ├── 10-cpp-array-and-string.mdx │ │ │ ├── 11-cpp-array-sort.mdx │ │ │ ├── 12-cpp-array-search.mdx │ │ │ ├── 13-cpp-array-algorithm.mdx │ │ │ ├── 14-cpp-array-library-functions.mdx │ │ │ ├── 2-cpp-two-dimensional-array.mdx │ │ │ ├── 3-cpp-multidimensional-array.mdx │ │ │ ├── 4-cpp-array-declaration.mdx │ │ │ ├── 5-cpp-array-initialization.mdx │ │ │ ├── 6-cpp-array-passing-to-function.mdx │ │ │ ├── 7-cpp-return-array-from-function.mdx │ │ │ ├── 8-cpp-pointer-and-array.mdx │ │ │ ├── 9-cpp-character-array.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-cpp-string │ │ │ ├── 0-cpp-string-basics.mdx │ │ │ ├── 1-cppc-style-string.mdx │ │ │ ├── 10-cpp-string-conversion.mdx │ │ │ ├── 11-cpp-string-iteration.mdx │ │ │ ├── 12-cpp-string-view.mdx │ │ │ ├── 13-cpp-regular-expression.mdx │ │ │ ├── 14-cpp-string-algorithm.mdx │ │ │ ├── 2-cppstring-class.mdx │ │ │ ├── 3-cpp-string-declaration.mdx │ │ │ ├── 4-cpp-string-initialization.mdx │ │ │ ├── 5-cpp-string-input-and-output.mdx │ │ │ ├── 6-cpp-string-concatenation.mdx │ │ │ ├── 7-cpp-string-comparison.mdx │ │ │ ├── 8-cpp-string-search.mdx │ │ │ ├── 9-cpp-string-modification.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-cpp-pointer │ │ │ ├── 0-cpp-pointer-basics.mdx │ │ │ ├── 1-cpp-pointer-declaration.mdx │ │ │ ├── 10-cpp-smart-pointer.mdx │ │ │ ├── 11-cpp-null-pointer.mdx │ │ │ ├── 12-cpp-dangling-pointer.mdx │ │ │ ├── 13-cpp-wild-pointer.mdx │ │ │ ├── 14-cpp-pointer-and-memory-management.mdx │ │ │ ├── 2-cpp-pointer-initialization.mdx │ │ │ ├── 3-cpp-pointer-arithmetic.mdx │ │ │ ├── 4-cpp-pointer-array.mdx │ │ │ ├── 5-cpp-array-pointer.mdx │ │ │ ├── 6-cpp-function-pointer.mdx │ │ │ ├── 7-cpp-pointer-to-pointer.mdx │ │ │ ├── 8-cpp-pointer-passing-to-function.mdx │ │ │ ├── 9-cpp-return-pointer-from-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-cpp-reference │ │ │ ├── 0-cpp-reference-basics.mdx │ │ │ ├── 1-cpp-reference-declaration.mdx │ │ │ ├── 10-cpp-perfect-forwarding.mdx │ │ │ ├── 11-cpp-reference-folding.mdx │ │ │ ├── 12-cpp-citation-best-practices.mdx │ │ │ ├── 2-cpp-reference-initialization.mdx │ │ │ ├── 3-cpp-reference-vs-pointer.mdx │ │ │ ├── 4-cpp-reference-as-parameter.mdx │ │ │ ├── 5-cpp-reference-as-return-value.mdx │ │ │ ├── 6-cpp-reference-array.mdx │ │ │ ├── 7-cpp-constant-reference.mdx │ │ │ ├── 8-cpp-rvalue-reference.mdx │ │ │ ├── 9-cpp-move-semantics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-cpp-memory-management │ │ │ ├── 0-cpp-memory-model.mdx │ │ │ ├── 1-cpp-stack-and-heap.mdx │ │ │ ├── 10-cppunique_ptr.mdx │ │ │ ├── 11-cppshared_ptr.mdx │ │ │ ├── 12-cppweak_ptr.mdx │ │ │ ├── 13-cpp-custom-memory-management.mdx │ │ │ ├── 14-cpp-memory-pool.mdx │ │ │ ├── 15-cpp-memory-alignment.mdx │ │ │ ├── 16-cpp-memory-debugging-technology.mdx │ │ │ ├── 2-cpp-dynamic-memory-allocation.mdx │ │ │ ├── 3-cppnew-operator.mdx │ │ │ ├── 4-cppdelete-operator.mdx │ │ │ ├── 5-cpp-dynamic-array.mdx │ │ │ ├── 6-cpp-memory-leak.mdx │ │ │ ├── 7-cpp-garbage-collection.mdx │ │ │ ├── 8-cppraii-principle.mdx │ │ │ ├── 9-detailed-explanation-of-cpp-smart-pointer.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-cpp-object-oriented-basics │ │ │ ├── 0-cpp-class-and-object.mdx │ │ │ ├── 1-cpp-class-declaration.mdx │ │ │ ├── 10-cpp-constant-members.mdx │ │ │ ├── 11-cppthis-pointer.mdx │ │ │ ├── 12-cpp-friend-function.mdx │ │ │ ├── 13-cpp-friend-class.mdx │ │ │ ├── 14-cpp-nested-class.mdx │ │ │ ├── 15-cpp-local-class.mdx │ │ │ ├── 2-cpp-object-creation.mdx │ │ │ ├── 3-cpp-constructor.mdx │ │ │ ├── 4-cpp-destructor.mdx │ │ │ ├── 5-cpp-access-modifiers.mdx │ │ │ ├── 6-cpp-class-members.mdx │ │ │ ├── 7-cpp-member-function.mdx │ │ │ ├── 8-cpp-inline-member-function.mdx │ │ │ ├── 9-cpp-static-members.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-cpp-object-oriented-advanced │ │ │ ├── 0-cpp-inheritance.mdx │ │ │ ├── 1-cpp-base-class-and-derived-class.mdx │ │ │ ├── 10-cpp-abstract-class.mdx │ │ │ ├── 11-cpp-interface-class.mdx │ │ │ ├── 12-cppoverride-keyword.mdx │ │ │ ├── 13-cppfinal-keyword.mdx │ │ │ ├── 14-cpp-virtual-function-table.mdx │ │ │ ├── 15-cpprtti-mechanism.mdx │ │ │ ├── 16-cppdynamic_cast.mdx │ │ │ ├── 17-cpp-object-slicing.mdx │ │ │ ├── 18-cpp-object-combination.mdx │ │ │ ├── 2-cpp-inheritance-type.mdx │ │ │ ├── 3-cpp-multiple-inheritance.mdx │ │ │ ├── 4-cpp-virtual-inheritance.mdx │ │ │ ├── 5-constructor-in-cpp-inheritance.mdx │ │ │ ├── 6-destructor-in-cpp-inheritance.mdx │ │ │ ├── 7-cpp-polymorphism.mdx │ │ │ ├── 8-cpp-virtual-function.mdx │ │ │ ├── 9-cpp-pure-virtual-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── csharp │ │ ├── 0-c-basics │ │ │ ├── 0-c-introduction.mdx │ │ │ ├── 1-cenvironment-settings.mdx │ │ │ ├── 10-c-type-conversion.mdx │ │ │ ├── 11-c-namespace.mdx │ │ │ ├── 12-c-scoping-rules.mdx │ │ │ ├── 13-c-keyword.mdx │ │ │ ├── 2-cthe-first-program.mdx │ │ │ ├── 3-c-syntax.mdx │ │ │ ├── 4-c-comments.mdx │ │ │ ├── 5-c-variable.mdx │ │ │ ├── 6-c-data-type.mdx │ │ │ ├── 7-c-constant.mdx │ │ │ ├── 8-c-operator.mdx │ │ │ ├── 9-cinput-and-output.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-ccontrol-flow │ │ │ ├── 0-c-conditional-statement.mdx │ │ │ ├── 1-cif-else.mdx │ │ │ ├── 10-c-jump-statement.mdx │ │ │ ├── 11-c-ternary-operator.mdx │ │ │ ├── 12-c-exception-handling-basics.mdx │ │ │ ├── 13-best-practices-for-control-flow-in-c.mdx │ │ │ ├── 2-c-nested-if.mdx │ │ │ ├── 3-cswitch-statement.mdx │ │ │ ├── 4-c-loop.mdx │ │ │ ├── 5-cfor-loop.mdx │ │ │ ├── 6-cwhile-loop.mdx │ │ │ ├── 7-cdo-while-loop.mdx │ │ │ ├── 8-cbreak-continue.mdx │ │ │ ├── 9-c-nested-loop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-cexception-handling │ │ │ ├── 0-c-exception-overview.mdx │ │ │ ├── 1-cexception-type.mdx │ │ │ ├── 10-best-practices-for-exception-handling.mdx │ │ │ ├── 11-c-use-exceptions-or-return-values.mdx │ │ │ ├── 12-c-abnormal-performance.mdx │ │ │ ├── 13-c-debugging-technology.mdx │ │ │ ├── 2-ctry-catch.mdx │ │ │ ├── 3-c-multiple-exception-capture.mdx │ │ │ ├── 4-cfinally-clause.mdx │ │ │ ├── 5-cexception-filter.mdx │ │ │ ├── 6-cexception-propagation.mdx │ │ │ ├── 7-ccustom-exception.mdx │ │ │ ├── 8-cabnormal-records.mdx │ │ │ ├── 9-c-assertion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-clinq │ │ │ ├── 0-clinq-basics.mdx │ │ │ ├── 1-clinq-query-syntax.mdx │ │ │ ├── 10-clinq-aggregation.mdx │ │ │ ├── 11-clinq-conversion.mdx │ │ │ ├── 12-clinq-quantification.mdx │ │ │ ├── 13-clinq-performance-optimization.mdx │ │ │ ├── 2-clinq-method-syntax.mdx │ │ │ ├── 3-clinq-operators.mdx │ │ │ ├── 4-clinq-delayed-execution.mdx │ │ │ ├── 5-clinq-projection.mdx │ │ │ ├── 6-clinq-filtering.mdx │ │ │ ├── 7-clinq-sort.mdx │ │ │ ├── 8-clinq-grouping.mdx │ │ │ ├── 9-clinq-connection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-c-asynchronous-programming │ │ │ ├── 0-overview-of-asynchronous-programming-in-c.mdx │ │ │ ├── 1-ctask-basics.mdx │ │ │ ├── 10-c-asynchronous-io.mdx │ │ │ ├── 11-c-asynchronous-ui-programming.mdx │ │ │ ├── 12-c-async-best-practices.mdx │ │ │ ├── 13-casynchronous-performance.mdx │ │ │ ├── 2-casync-and-await.mdx │ │ │ ├── 3-c-asynchronous-method.mdx │ │ │ ├── 4-casynchronous-return-value.mdx │ │ │ ├── 5-c-asynchronous-exception-handling.mdx │ │ │ ├── 6-casynchronous-cancellation.mdx │ │ │ ├── 7-casynchronous-progress-reporting.mdx │ │ │ ├── 8-casynchronous-stream.mdx │ │ │ ├── 9-c-task-parallel-library.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-c-reflection-and-dynamics │ │ │ ├── 0-c-reflection-basics.mdx │ │ │ ├── 1-c-type-information.mdx │ │ │ ├── 10-cdlr-basics.mdx │ │ │ ├── 11-cexpandoobject.mdx │ │ │ ├── 12-c-code-generation.mdx │ │ │ ├── 13-c-expression-tree.mdx │ │ │ ├── 2-cmember-information.mdx │ │ │ ├── 3-c-dynamically-load-assembly.mdx │ │ │ ├── 4-c-dynamically-create-instances.mdx │ │ │ ├── 5-c-calling-method.mdx │ │ │ ├── 6-caccessing-properties-and-fields.mdx │ │ │ ├── 7-cattribute.mdx │ │ │ ├── 8-ccustom-features.mdx │ │ │ ├── 9-c-dynamic-type.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-c-network-programming │ │ │ ├── 0-c-network-programming-overview.mdx │ │ │ ├── 1-ctcp-programming.mdx │ │ │ ├── 10-cnetwork-stream.mdx │ │ │ ├── 11-csecure-communications.mdx │ │ │ ├── 12-cnetwork-service-discovery.mdx │ │ │ ├── 13-c-network-programming-model.mdx │ │ │ ├── 2-cudp-programming.mdx │ │ │ ├── 3-chttp-client.mdx │ │ │ ├── 4-cwebclient-class.mdx │ │ │ ├── 5-chttpclient-class.mdx │ │ │ ├── 6-c-asynchronous-network-programming.mdx │ │ │ ├── 7-c-socket-programming.mdx │ │ │ ├── 8-cip-address-and-endpoint.mdx │ │ │ ├── 9-curi-treatment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-c-database-programming │ │ │ ├── 0-c-database-programming-overview.mdx │ │ │ ├── 1-cadonet-basics.mdx │ │ │ ├── 10-clinq-to-sql.mdx │ │ │ ├── 11-c-stored-procedure-call.mdx │ │ │ ├── 12-cdata-binding.mdx │ │ │ ├── 13-cnosql-database.mdx │ │ │ ├── 2-cconnect-to-database.mdx │ │ │ ├── 3-c-execute-sql-command.mdx │ │ │ ├── 4-cdatareader.mdx │ │ │ ├── 5-c-parameterized-query.mdx │ │ │ ├── 6-ctransaction-processing.mdx │ │ │ ├── 7-centity-framework-basics.mdx │ │ │ ├── 8-cef-code-first.mdx │ │ │ ├── 9-cef-database-first.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-c-concurrency-and-multithreading │ │ │ ├── 0-c-concurrent-programming-overview.mdx │ │ │ ├── 1-c-thread-basics.mdx │ │ │ ├── 10-c-thread-safe-collection.mdx │ │ │ ├── 11-cconcurrency-mode.mdx │ │ │ ├── 12-cdeadlock-prevention.mdx │ │ │ ├── 13-c-concurrent-debugging.mdx │ │ │ ├── 2-c-thread-pool.mdx │ │ │ ├── 3-c-task-parallelism.mdx │ │ │ ├── 4-cdata-parallelism.mdx │ │ │ ├── 5-c-parallel-linq.mdx │ │ │ ├── 6-c-thread-synchronization.mdx │ │ │ ├── 7-c-lock-mechanism.mdx │ │ │ ├── 8-cmonitor-class.mdx │ │ │ ├── 9-c-atomic-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-cadvanced-topics │ │ │ ├── 0-c-metaprogramming.mdx │ │ │ ├── 1-c-code-analysis.mdx │ │ │ ├── 10-cperformance-optimization-technology.mdx │ │ │ ├── 11-c-unit-test.mdx │ │ │ ├── 12-cdependency-injection.mdx │ │ │ ├── 13-c-design-pattern.mdx │ │ │ ├── 2-c-source-code-generation.mdx │ │ │ ├── 3-c-unsafe-code.mdx │ │ │ ├── 4-c-pointer-operations.mdx │ │ │ ├── 5-cinteroperability.mdx │ │ │ ├── 6-ccom-interoperability.mdx │ │ │ ├── 7-cpinvoke.mdx │ │ │ ├── 8-cmemory-management.mdx │ │ │ ├── 9-cgarbage-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-best-practices │ │ │ ├── 0-c-code-style.mdx │ │ │ ├── 1-c-naming-convention.mdx │ │ │ ├── 10-c-code-quality-metrics.mdx │ │ │ ├── 11-cproject-organization.mdx │ │ │ ├── 12-cversion-control-integration.mdx │ │ │ ├── 13-ccontinuous-integration.mdx │ │ │ ├── 2-c-comment-specification.mdx │ │ │ ├── 3-cexception-handling-strategy.mdx │ │ │ ├── 4-best-practices-for-memory-management-in-c.mdx │ │ │ ├── 5-cperformance-optimization-strategy.mdx │ │ │ ├── 6-c-secure-programming-guide.mdx │ │ │ ├── 7-c-debugging-tips.mdx │ │ │ ├── 8-c-code-review.mdx │ │ │ ├── 9-creconstruction-technology.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-c-function │ │ │ ├── 0-c-method-basics.mdx │ │ │ ├── 1-cmethod-parameters.mdx │ │ │ ├── 10-c-method-parameter-array.mdx │ │ │ ├── 11-c-native-function.mdx │ │ │ ├── 12-c-parameter-passing.mdx │ │ │ ├── 13-c-method-documentation.mdx │ │ │ ├── 2-creturn-value.mdx │ │ │ ├── 3-c-method-definition.mdx │ │ │ ├── 4-c-method-call.mdx │ │ │ ├── 5-c-recursion.mdx │ │ │ ├── 6-c-method-overloading.mdx │ │ │ ├── 7-c-parameter-modifier.mdx │ │ │ ├── 8-coptional-parameter.mdx │ │ │ ├── 9-c-named-parameters.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-c-arrays-and-collections │ │ │ ├── 0-c-array-basics.mdx │ │ │ ├── 1-c-one-dimensional-array.mdx │ │ │ ├── 10-c-set-sorting.mdx │ │ │ ├── 11-c-collection-search.mdx │ │ │ ├── 12-ccustom-collection.mdx │ │ │ ├── 13-c-immutable-collections.mdx │ │ │ ├── 2-c-multidimensional-array.mdx │ │ │ ├── 3-c-interleaved-array.mdx │ │ │ ├── 4-c-array-methods.mdx │ │ │ ├── 5-c-list-collection.mdx │ │ │ ├── 6-c-dictionary-collection.mdx │ │ │ ├── 7-c-stack-and-queue.mdx │ │ │ ├── 8-c-collection-interface.mdx │ │ │ ├── 9-c-traverse-the-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-c-string │ │ │ ├── 0-c-string-basics.mdx │ │ │ ├── 1-c-string-operations.mdx │ │ │ ├── 10-cstringbuilder.mdx │ │ │ ├── 11-c-string-immutability.mdx │ │ │ ├── 12-c-encoding-and-decoding.mdx │ │ │ ├── 13-c-string-internationalization.mdx │ │ │ ├── 2-c-string-methods.mdx │ │ │ ├── 3-c-string-formatting.mdx │ │ │ ├── 4-c-string-interpolation.mdx │ │ │ ├── 5-c-string-concatenation.mdx │ │ │ ├── 6-c-string-comparison.mdx │ │ │ ├── 7-c-string-search.mdx │ │ │ ├── 8-c-string-modification.mdx │ │ │ ├── 9-c-regular-expression.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-c-object-oriented-programming │ │ │ ├── 0-class-c-foundation.mdx │ │ │ ├── 1-c-object-creation.mdx │ │ │ ├── 10-c-package.mdx │ │ │ ├── 11-c-polymorphism.mdx │ │ │ ├── 12-c-object-life-cycle.mdx │ │ │ ├── 13-c-terminator-and-destructor.mdx │ │ │ ├── 2-c-constructor.mdx │ │ │ ├── 3-c-type-attributes.mdx │ │ │ ├── 4-cinstance-method.mdx │ │ │ ├── 5-c-static-members.mdx │ │ │ ├── 6-c-access-modifier.mdx │ │ │ ├── 7-cinheritance.mdx │ │ │ ├── 8-c-method-rewriting.mdx │ │ │ ├── 9-cabstract-class.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-cadvanced-class-features │ │ │ ├── 0-c-interface.mdx │ │ │ ├── 1-c-interface-implementation.mdx │ │ │ ├── 10-c-extension-method.mdx │ │ │ ├── 11-c-nested-types.mdx │ │ │ ├── 12-c-partial-classes-and-methods.mdx │ │ │ ├── 13-c-type-parameter-covariance-and-contravariance.mdx │ │ │ ├── 2-c-multiple-interface-inheritance.mdx │ │ │ ├── 3-c-explicit-interface-implementation.mdx │ │ │ ├── 4-cgenerics.mdx │ │ │ ├── 5-c-generic-method.mdx │ │ │ ├── 6-c-generic-class.mdx │ │ │ ├── 7-c-generic-constraints.mdx │ │ │ ├── 8-c-indexer.mdx │ │ │ ├── 9-c-operator-overloading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-c-attributes-and-events │ │ │ ├── 0-c-attribute-basics.mdx │ │ │ ├── 1-cautomatic-properties.mdx │ │ │ ├── 10-ccustom-event-accessor.mdx │ │ │ ├── 11-cevent-mode.mdx │ │ │ ├── 12-cdelegates-and-events.mdx │ │ │ ├── 13-c-weak-event-pattern.mdx │ │ │ ├── 2-cread-only-attribute.mdx │ │ │ ├── 3-ccomputed-properties.mdx │ │ │ ├── 4-c-property-accessors.mdx │ │ │ ├── 5-c-attribute-verification.mdx │ │ │ ├── 6-cevent-basics.mdx │ │ │ ├── 7-cevent-statement.mdx │ │ │ ├── 8-cevent-subscription.mdx │ │ │ ├── 9-c-event-trigger.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-c-delegate-and-lambda │ │ │ ├── 0-c-commission-basis.mdx │ │ │ ├── 1-c-delegate-definition.mdx │ │ │ ├── 10-cfunc-delegation.mdx │ │ │ ├── 11-cpredicate-delegate.mdx │ │ │ ├── 12-c-event-handling-delegation.mdx │ │ │ ├── 13-c-callback-and-asynchronous-mode.mdx │ │ │ ├── 2-c-delegate-instantiation.mdx │ │ │ ├── 3-c-delegate-call.mdx │ │ │ ├── 4-c-multicast-delegate.mdx │ │ │ ├── 5-canonymous-method.mdx │ │ │ ├── 6-clambda-expressions.mdx │ │ │ ├── 7-clambda-syntax.mdx │ │ │ ├── 8-clambda-capture-variables.mdx │ │ │ ├── 9-caction-delegate.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-c-file-processing │ │ │ ├── 0-c-file-basics.mdx │ │ │ ├── 1-c-file-open-close.mdx │ │ │ ├── 10-c-file-path-operation.mdx │ │ │ ├── 11-cdirectory-operations.mdx │ │ │ ├── 12-c-file-monitoring.mdx │ │ │ ├── 13-c-file-security-and-permissions.mdx │ │ │ ├── 2-c-file-reading.mdx │ │ │ ├── 3-c-file-write.mdx │ │ │ ├── 4-c-file-stream.mdx │ │ │ ├── 5-c-binary-file.mdx │ │ │ ├── 6-c-text-file.mdx │ │ │ ├── 7-ccsv-file.mdx │ │ │ ├── 8-cjson-processing.mdx │ │ │ ├── 9-cxml-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── go │ │ ├── 0-go-base │ │ │ ├── 0-introduction-to-go.mdx │ │ │ ├── 1-go-environment-settings.mdx │ │ │ ├── 10-go-type-conversion.mdx │ │ │ ├── 11-go-naming-convention.mdx │ │ │ ├── 12-go-scope.mdx │ │ │ ├── 13-go-keyword.mdx │ │ │ ├── 14-go-identifier.mdx │ │ │ ├── 2-go-first-program.mdx │ │ │ ├── 3-go-syntax.mdx │ │ │ ├── 4-go-annotation.mdx │ │ │ ├── 5-go-variable-declaration.mdx │ │ │ ├── 6-go-data-type.mdx │ │ │ ├── 7-go-constant.mdx │ │ │ ├── 8-go-operator.mdx │ │ │ ├── 9-go-inputoutput.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-go-control-flow │ │ │ ├── 0-go-conditional-statement.mdx │ │ │ ├── 1-go-if-else.mdx │ │ │ ├── 10-go-iterator.mdx │ │ │ ├── 11-go-error-handling.mdx │ │ │ ├── 12-go-defer-deferred-defer.mdx │ │ │ ├── 13-go-panic-and-recover.mdx │ │ │ ├── 2-go-nested-if.mdx │ │ │ ├── 3-go-loop.mdx │ │ │ ├── 4-go-for-loop.mdx │ │ │ ├── 5-go-while-style-loop.mdx │ │ │ ├── 6-go-break-continue.mdx │ │ │ ├── 7-go-switch-statement.mdx │ │ │ ├── 8-go-nested-loop.mdx │ │ │ ├── 9-go-label-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-go-concurrent-programming │ │ │ ├── 0-go-concurrency-overview.mdx │ │ │ ├── 1-go-coroutine-goroutine.mdx │ │ │ ├── 10-go-atomic-operation.mdx │ │ │ ├── 11-go-condition-variable.mdx │ │ │ ├── 12-go-context-context.mdx │ │ │ ├── 13-go-concurrency-mode.mdx │ │ │ ├── 14-go-concurrency-trap.mdx │ │ │ ├── 2-go-channel.mdx │ │ │ ├── 3-go-channel-operation.mdx │ │ │ ├── 4-go-channel-buffering.mdx │ │ │ ├── 5-go-channel-direction.mdx │ │ │ ├── 6-go-channel-select.mdx │ │ │ ├── 7-go-channel-synchronization.mdx │ │ │ ├── 8-go-mutex.mdx │ │ │ ├── 9-go-read-write-lock-rwmutex.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-go-functional-programming │ │ │ ├── 0-go-functional-programming-overview.mdx │ │ │ ├── 1-go-function-type.mdx │ │ │ ├── 10-go-functional-error-handling.mdx │ │ │ ├── 11-go-function-chain.mdx │ │ │ ├── 12-go-option-mode.mdx │ │ │ ├── 13-go-pipeline-mode.mdx │ │ │ ├── 14-go-functional-tools-library.mdx │ │ │ ├── 2-go-higher-order-function.mdx │ │ │ ├── 3-go-closures-explained-in-detail.mdx │ │ │ ├── 4-go-function-combination.mdx │ │ │ ├── 5-go-currying.mdx │ │ │ ├── 6-go-decorator-mode.mdx │ │ │ ├── 7-go-generator-mode.mdx │ │ │ ├── 8-go-inertia-evaluation.mdx │ │ │ ├── 9-go-immutable-data-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-go-data-processing │ │ │ ├── 0-go-data-processing-overview.mdx │ │ │ ├── 1-go-data-read.mdx │ │ │ ├── 10-go-data-processing-best-practices.mdx │ │ │ ├── 11-go-data-serialization.mdx │ │ │ ├── 12-go-data-compression.mdx │ │ │ ├── 13-go-data-encryption.mdx │ │ │ ├── 14-go-stream-processing.mdx │ │ │ ├── 2-go-data-cleaning.mdx │ │ │ ├── 3-go-data-conversion.mdx │ │ │ ├── 4-go-data-aggregation.mdx │ │ │ ├── 5-go-data-visualization.mdx │ │ │ ├── 6-go-statistical-analysis.mdx │ │ │ ├── 7-go-data-export.mdx │ │ │ ├── 8-go-big-data-processing.mdx │ │ │ ├── 9-go-database-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-go-network-programming │ │ │ ├── 0-go-network-programming-overview.mdx │ │ │ ├── 1-go-socket-programming.mdx │ │ │ ├── 10-go-network-protocol.mdx │ │ │ ├── 11-go-api-interaction.mdx │ │ │ ├── 12-go-network-debugging.mdx │ │ │ ├── 13-go-web-proxy.mdx │ │ │ ├── 14-go-tlsssl.mdx │ │ │ ├── 2-go-http-client.mdx │ │ │ ├── 3-go-http-server.mdx │ │ │ ├── 4-go-web-client.mdx │ │ │ ├── 5-go-web-server.mdx │ │ │ ├── 6-go-websocket.mdx │ │ │ ├── 7-go-cybersecurity.mdx │ │ │ ├── 8-go-data-crawl.mdx │ │ │ ├── 9-go-rpc.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-go-web-development │ │ │ ├── 0-go-web-development-overview.mdx │ │ │ ├── 1-go-http-package.mdx │ │ │ ├── 10-go-authentication-authorization.mdx │ │ │ ├── 11-go-restful-api.mdx │ │ │ ├── 12-go-web-security.mdx │ │ │ ├── 13-go-web-deployment.mdx │ │ │ ├── 14-go-microservices.mdx │ │ │ ├── 2-go-gin-framework.mdx │ │ │ ├── 3-go-echo-framework.mdx │ │ │ ├── 4-go-web-routing.mdx │ │ │ ├── 5-go-template-system.mdx │ │ │ ├── 6-go-orm-framework.mdx │ │ │ ├── 7-go-database-connection.mdx │ │ │ ├── 8-go-form-processing.mdx │ │ │ ├── 9-go-session-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-go-testing-and-debugging │ │ │ ├── 0-go-test-overview.mdx │ │ │ ├── 1-go-unit-test.mdx │ │ │ ├── 10-go-code-check.mdx │ │ │ ├── 11-go-continuous-integration.mdx │ │ │ ├── 12-go-automated-testing.mdx │ │ │ ├── 13-go-testing-best-practices.mdx │ │ │ ├── 14-go-debugging-tips.mdx │ │ │ ├── 2-go-table-driven-test.mdx │ │ │ ├── 3-go-benchmark.mdx │ │ │ ├── 4-go-test-coverage.mdx │ │ │ ├── 5-go-simulation-object.mdx │ │ │ ├── 6-go-test-helper-function.mdx │ │ │ ├── 7-go-debugger.mdx │ │ │ ├── 8-go-logging.mdx │ │ │ ├── 9-go-performance-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-go-premium-theme │ │ │ ├── 0-go-reflection.mdx │ │ │ ├── 1-go-unsafe-code.mdx │ │ │ ├── 10-go-interacts-with-other-languages.mdx │ │ │ ├── 11-go-implementation-and-specification.mdx │ │ │ ├── 12-go-memory-model-explained-in-detail.mdx │ │ │ ├── 13-go-runtime-system.mdx │ │ │ ├── 14-go-cross-compilation.mdx │ │ │ ├── 2-go-code-generation.mdx │ │ │ ├── 3-go-compilation.mdx │ │ │ ├── 4-go-cgo.mdx │ │ │ ├── 5-go-plugin-system.mdx │ │ │ ├── 6-go-design-mode.mdx │ │ │ ├── 7-go-garbage-collection-explained-in-detail.mdx │ │ │ ├── 8-go-code-optimization.mdx │ │ │ ├── 9-go-interacts-with-c.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-go-best-practices │ │ │ ├── 0-go-code-style.mdx │ │ │ ├── 1-go-formatting-tool.mdx │ │ │ ├── 10-go-version-migration.mdx │ │ │ ├── 11-go-common-traps.mdx │ │ │ ├── 12-go-production-environment-best-practices.mdx │ │ │ ├── 13-go-development-toolchain.mdx │ │ │ ├── 2-go-project-structure.mdx │ │ │ ├── 3-go-documentation.mdx │ │ │ ├── 4-go-code-review.mdx │ │ │ ├── 5-go-refactoring-tips.mdx │ │ │ ├── 6-go-performance-optimization.mdx │ │ │ ├── 7-go-memory-optimization.mdx │ │ │ ├── 8-go-safety-guidelines.mdx │ │ │ ├── 9-go-deployment-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-go-function │ │ │ ├── 0-go-function-basics.mdx │ │ │ ├── 1-go-function-parameters.mdx │ │ │ ├── 10-go-callback-function.mdx │ │ │ ├── 11-go-global-and-local-variables.mdx │ │ │ ├── 12-go-parameter-passing.mdx │ │ │ ├── 13-go-built-in-functions.mdx │ │ │ ├── 14-go-indefinite-parameter-function.mdx │ │ │ ├── 2-go-return-value.mdx │ │ │ ├── 3-go-multi-return-value.mdx │ │ │ ├── 4-go-function-definition.mdx │ │ │ ├── 5-go-function-call.mdx │ │ │ ├── 6-go-recursive.mdx │ │ │ ├── 7-go-anonymous-function.mdx │ │ │ ├── 8-go-closure.mdx │ │ │ ├── 9-go-function-as-value.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-go-data-structure │ │ │ ├── 0-go-array.mdx │ │ │ ├── 1-go-array-operation.mdx │ │ │ ├── 10-go-pointer.mdx │ │ │ ├── 11-go-pointer-action.mdx │ │ │ ├── 12-go-data-structure-nesting.mdx │ │ │ ├── 13-go-data-structure-conversion.mdx │ │ │ ├── 14-go-compound-literal.mdx │ │ │ ├── 2-go-slice.mdx │ │ │ ├── 3-go-slicing-operation.mdx │ │ │ ├── 4-go-slicing-method.mdx │ │ │ ├── 5-go-map.mdx │ │ │ ├── 6-go-map-operation.mdx │ │ │ ├── 7-go-mapping-method.mdx │ │ │ ├── 8-go-structure.mdx │ │ │ ├── 9-go-struct-method.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-go-string │ │ │ ├── 0-go-string-base.mdx │ │ │ ├── 1-go-string-method.mdx │ │ │ ├── 10-go-utf-8.mdx │ │ │ ├── 11-go-characters-and-runes-rune.mdx │ │ │ ├── 12-go-string-security.mdx │ │ │ ├── 13-go-text-processing.mdx │ │ │ ├── 14-go-string-builder.mdx │ │ │ ├── 2-go-string-formatting.mdx │ │ │ ├── 3-go-string-slicing.mdx │ │ │ ├── 4-go-string-immutability.mdx │ │ │ ├── 5-go-string-connection.mdx │ │ │ ├── 6-go-raw-string.mdx │ │ │ ├── 7-go-string-encoding.mdx │ │ │ ├── 8-go-regular-expression.mdx │ │ │ ├── 9-go-unicode-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-go-object-oriented-programming │ │ │ ├── 0-go-structure.mdx │ │ │ ├── 1-go-method.mdx │ │ │ ├── 10-go-encapsulation.mdx │ │ │ ├── 11-go-polymorphism.mdx │ │ │ ├── 12-go-structure-label.mdx │ │ │ ├── 13-go-reflex-mechanism.mdx │ │ │ ├── 14-go-type-parameter-generics.mdx │ │ │ ├── 2-go-interface-basics.mdx │ │ │ ├── 3-implementation-of-go-interface.mdx │ │ │ ├── 4-go-interface-nesting.mdx │ │ │ ├── 5-go-null-interface.mdx │ │ │ ├── 6-go-type-assertion.mdx │ │ │ ├── 7-go-structure-nesting.mdx │ │ │ ├── 8-go-combination-is-better-than-inheritance.mdx │ │ │ ├── 9-go-method-set.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-go-memory-management │ │ │ ├── 0-go-memory-model.mdx │ │ │ ├── 1-go-heap-and-stack.mdx │ │ │ ├── 10-go-memory-analysis-tool.mdx │ │ │ ├── 11-go-memory-layout.mdx │ │ │ ├── 12-go-memory-alignment.mdx │ │ │ ├── 13-go-unsafe-package-unsafe.mdx │ │ │ ├── 14-go-memory-synchronization.mdx │ │ │ ├── 2-go-variable-escape-analysis.mdx │ │ │ ├── 3-go-garbage-collection.mdx │ │ │ ├── 4-go-memory-allocator.mdx │ │ │ ├── 5-go-memory-optimization.mdx │ │ │ ├── 6-go-value-passing-vs-reference-passing.mdx │ │ │ ├── 7-go-object-lifecycle.mdx │ │ │ ├── 8-go-memory-leak.mdx │ │ │ ├── 9-go-performance-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-go-packages-and-modules │ │ │ ├── 0-go-package-base.mdx │ │ │ ├── 1-go-package-import.mdx │ │ │ ├── 10-go-module-version-control.mdx │ │ │ ├── 11-go-package-documentation.mdx │ │ │ ├── 12-go-export-rules.mdx │ │ │ ├── 13-go-internal-package.mdx │ │ │ ├── 14-go-project-structure.mdx │ │ │ ├── 2-go-module-creation.mdx │ │ │ ├── 3-go-module-structure.mdx │ │ │ ├── 4-go-workspace.mdx │ │ │ ├── 5-go-import-mechanism.mdx │ │ │ ├── 6-go-package-search-path.mdx │ │ │ ├── 7-go-standard-library-overview.mdx │ │ │ ├── 8-go-3rd-party-library-installation.mdx │ │ │ ├── 9-go-dependency-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-go-file-handling │ │ │ ├── 0-go-file-basis.mdx │ │ │ ├── 1-go-file-open-close.mdx │ │ │ ├── 10-go-directory-operation.mdx │ │ │ ├── 11-exception-handling-of-go-files.mdx │ │ │ ├── 12-go-file-permissions.mdx │ │ │ ├── 13-go-temporary-file.mdx │ │ │ ├── 14-go-io-bag.mdx │ │ │ ├── 2-go-file-read.mdx │ │ │ ├── 3-go-file-write.mdx │ │ │ ├── 4-go-file-pointer.mdx │ │ │ ├── 5-go-binary.mdx │ │ │ ├── 6-go-csv-file.mdx │ │ │ ├── 7-go-json-processing.mdx │ │ │ ├── 8-go-xml-processing.mdx │ │ │ ├── 9-go-file-path-action.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-go-error-handling │ │ │ ├── 0-go-error-overview.mdx │ │ │ ├── 1-go-error-type.mdx │ │ │ ├── 10-go-panic.mdx │ │ │ ├── 11-go-recover.mdx │ │ │ ├── 12-go-defer.mdx │ │ │ ├── 13-go-debugging-tips.mdx │ │ │ ├── 14-go-error-log.mdx │ │ │ ├── 2-go-error-creation.mdx │ │ │ ├── 3-go-error-checking.mdx │ │ │ ├── 4-go-multiple-error-handling.mdx │ │ │ ├── 5-go-wrong-wrapper.mdx │ │ │ ├── 6-go-error-propagation.mdx │ │ │ ├── 7-go-custom-error.mdx │ │ │ ├── 8-go-error-chain.mdx │ │ │ ├── 9-go-assertion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── java │ │ ├── 0-java-basics │ │ │ ├── 0-introduction-to-java.mdx │ │ │ ├── 1-java-history.mdx │ │ │ ├── 10-java-operator.mdx │ │ │ ├── 11-java-inputoutput.mdx │ │ │ ├── 12-java-type-conversion.mdx │ │ │ ├── 13-java-naming-convention.mdx │ │ │ ├── 14-java-keywords.mdx │ │ │ ├── 2-java-environment-settings.mdx │ │ │ ├── 3-java-jdk-installation.mdx │ │ │ ├── 4-java-first-program.mdx │ │ │ ├── 5-java-syntax.mdx │ │ │ ├── 6-java-comments.mdx │ │ │ ├── 7-java-variables.mdx │ │ │ ├── 8-java-data-type.mdx │ │ │ ├── 9-java-constant.mdx │ │ │ ├── _category_.json │ │ │ ├── img │ │ │ │ └── java-logo.png │ │ │ └── index.mdx │ │ ├── 1-java-control-flow │ │ │ ├── 0-java-conditional-statement.mdx │ │ │ ├── 1-java-if-else.mdx │ │ │ ├── 10-java-nested-loop.mdx │ │ │ ├── 11-java-tags.mdx │ │ │ ├── 12-java-loop-control.mdx │ │ │ ├── 13-java-branch-strategy.mdx │ │ │ ├── 2-java-switch-case.mdx │ │ │ ├── 3-java-ternary-operator.mdx │ │ │ ├── 4-java-loop.mdx │ │ │ ├── 5-java-for-loop.mdx │ │ │ ├── 6-java-while-loop.mdx │ │ │ ├── 7-java-do-while-loop.mdx │ │ │ ├── 8-java-break-statement.mdx │ │ │ ├── 9-java-continue-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-java-multithreading │ │ │ ├── 0-java-multi-threaded-overview.mdx │ │ │ ├── 1-java-thread-creation.mdx │ │ │ ├── 10-java-reentrantlock.mdx │ │ │ ├── 11-java-readwritelock.mdx │ │ │ ├── 12-java-thread-communication.mdx │ │ │ ├── 13-java-wait-method.mdx │ │ │ ├── 14-java-notify-method.mdx │ │ │ ├── 15-java-notifyall-method.mdx │ │ │ ├── 16-java-thread-group.mdx │ │ │ ├── 17-java-thread-pool.mdx │ │ │ ├── 18-java-callable-interface.mdx │ │ │ ├── 19-java-future-interface.mdx │ │ │ ├── 2-java-thread-class.mdx │ │ │ ├── 20-java-deadlock.mdx │ │ │ ├── 21-java-thread-security.mdx │ │ │ ├── 22-java-volatile-keyword.mdx │ │ │ ├── 23-java-atomic-class.mdx │ │ │ ├── 24-java-threadlocal.mdx │ │ │ ├── 3-java-runnable-interface.mdx │ │ │ ├── 4-java-thread-status.mdx │ │ │ ├── 5-java-thread-priority.mdx │ │ │ ├── 6-java-thread-scheduling.mdx │ │ │ ├── 7-java-thread-synchronization.mdx │ │ │ ├── 8-java-synchronized-keyword.mdx │ │ │ ├── 9-java-lock-interface.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-java-io │ │ │ ├── 0-java-io-overview.mdx │ │ │ ├── 1-java-file-class.mdx │ │ │ ├── 10-java-filereader.mdx │ │ │ ├── 11-java-filewriter.mdx │ │ │ ├── 12-java-bufferedreader.mdx │ │ │ ├── 13-java-bufferedwriter.mdx │ │ │ ├── 14-java-printwriter.mdx │ │ │ ├── 15-java-data-stream.mdx │ │ │ ├── 16-java-datainputstream.mdx │ │ │ ├── 17-java-dataoutputstream.mdx │ │ │ ├── 18-java-object-flow.mdx │ │ │ ├── 19-java-objectinputstream.mdx │ │ │ ├── 2-java-file-path.mdx │ │ │ ├── 20-java-objectoutputstream.mdx │ │ │ ├── 21-java-serialization.mdx │ │ │ ├── 22-java-file-class-methods.mdx │ │ │ ├── 23-java-io-exception-handling.mdx │ │ │ ├── 24-java-nio-basics.mdx │ │ │ ├── 3-java-byte-stream.mdx │ │ │ ├── 4-java-fileinputstream.mdx │ │ │ ├── 5-java-fileoutputstream.mdx │ │ │ ├── 6-java-buffer-flow.mdx │ │ │ ├── 7-java-bufferedinputstream.mdx │ │ │ ├── 8-java-bufferedoutputstream.mdx │ │ │ ├── 9-java-character-stream.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-java-nio │ │ │ ├── 0-java-nio-overview.mdx │ │ │ ├── 1-java-buffer.mdx │ │ │ ├── 10-java-asynchronous-io.mdx │ │ │ ├── 11-java-memory-map-file.mdx │ │ │ ├── 12-java-character-set-encoding.mdx │ │ │ ├── 13-java-nio-vs-io.mdx │ │ │ ├── 2-java-channel.mdx │ │ │ ├── 3-java-selector.mdx │ │ │ ├── 4-java-path-interface.mdx │ │ │ ├── 5-java-files-class.mdx │ │ │ ├── 6-java-file-properties.mdx │ │ │ ├── 7-java-directory-operations.mdx │ │ │ ├── 8-java-file-traversal.mdx │ │ │ ├── 9-java-file-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-java-network-programming │ │ │ ├── 0-overview-of-java-network-programming.mdx │ │ │ ├── 1-java-network-fundamentals.mdx │ │ │ ├── 10-java-httpurlconnection.mdx │ │ │ ├── 11-java-network-protocol.mdx │ │ │ ├── 12-java-cybersecurity.mdx │ │ │ ├── 13-java-network-io-model.mdx │ │ │ ├── 14-java-rmi.mdx │ │ │ ├── 15-java-network-programming-best-practices.mdx │ │ │ ├── 2-java-inetaddress-class.mdx │ │ │ ├── 3-java-socket-class.mdx │ │ │ ├── 4-java-serversocket-class.mdx │ │ │ ├── 5-java-udp-communication.mdx │ │ │ ├── 6-java-datagramsocket.mdx │ │ │ ├── 7-java-datagrampacket.mdx │ │ │ ├── 8-java-url-class.mdx │ │ │ ├── 9-java-urlconnection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-java-reflection │ │ │ ├── 0-overview-of-java-reflections.mdx │ │ │ ├── 1-java-class-class.mdx │ │ │ ├── 10-java-generic-reflection.mdx │ │ │ ├── 11-java-dynamic-proxy.mdx │ │ │ ├── 12-java-reflection-application.mdx │ │ │ ├── 13-java-reflection-and-performance.mdx │ │ │ ├── 2-java-get-class-object.mdx │ │ │ ├── 3-java-constructor-class.mdx │ │ │ ├── 4-java-method-class.mdx │ │ │ ├── 5-java-field-class.mdx │ │ │ ├── 6-java-create-instance.mdx │ │ │ ├── 7-java-call-method.mdx │ │ │ ├── 8-java-access-field.mdx │ │ │ ├── 9-java-annotation-reflection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-java-annotations │ │ │ ├── 0-java-annotations-overview.mdx │ │ │ ├── 1-java-built-in-annotations.mdx │ │ │ ├── 10-java-annotation-scenario.mdx │ │ │ ├── 11-java-annotation-best-practices.mdx │ │ │ ├── 2-java-element-annotation.mdx │ │ │ ├── 3-java-custom-annotations.mdx │ │ │ ├── 4-java-annotation-processor.mdx │ │ │ ├── 5-java-annotation-inheritance.mdx │ │ │ ├── 6-java-runtime-annotations.mdx │ │ │ ├── 7-java-compile-time-annotation.mdx │ │ │ ├── 8-java-annotation-properties.mdx │ │ │ ├── 9-java-annotation-duplicate.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-java-lambda-expression │ │ │ ├── 0-java-lambda-overview.mdx │ │ │ ├── 1-java-functional-interface.mdx │ │ │ ├── 10-java-lambda-scope.mdx │ │ │ ├── 11-java-lambda-exception-handling.mdx │ │ │ ├── 12-java-lambda-and-collections.mdx │ │ │ ├── 13-java-lambda-best-practices.mdx │ │ │ ├── 2-java-lambda-syntax.mdx │ │ │ ├── 3-java-method-reference.mdx │ │ │ ├── 4-java-built-in-functional-interface.mdx │ │ │ ├── 5-java-consumer-interface.mdx │ │ │ ├── 6-java-supplier-interface.mdx │ │ │ ├── 7-java-function-interface.mdx │ │ │ ├── 8-java-predicate-interface.mdx │ │ │ ├── 9-java-operator-interface.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-java-stream-api │ │ │ ├── 0-java-stream-overview.mdx │ │ │ ├── 1-java-stream-creation.mdx │ │ │ ├── 10-java-stream-parallel.mdx │ │ │ ├── 11-java-stream-scenarios.mdx │ │ │ ├── 12-java-stream-and-collections.mdx │ │ │ ├── 13-java-stream-best-practices.mdx │ │ │ ├── 2-java-stream-intermediate-operation.mdx │ │ │ ├── 3-java-stream-terminal-operation.mdx │ │ │ ├── 4-java-stream-filtering.mdx │ │ │ ├── 5-java-stream-mapping.mdx │ │ │ ├── 6-java-stream-sorting.mdx │ │ │ ├── 7-java-stream-reduction.mdx │ │ │ ├── 8-java-stream-collection.mdx │ │ │ ├── 9-java-stream-grouping.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-java-datetime-api │ │ │ ├── 0-java-datetime-overview.mdx │ │ │ ├── 1-java-localdate.mdx │ │ │ ├── 10-java-time-zone-processing.mdx │ │ │ ├── 11-java-calendar-system.mdx │ │ │ ├── 12-java-legacy-date-class.mdx │ │ │ ├── 13-java-datetime-best-practices.mdx │ │ │ ├── 2-java-localtime.mdx │ │ │ ├── 3-java-localdatetime.mdx │ │ │ ├── 4-java-zoneddatetime.mdx │ │ │ ├── 5-java-instant.mdx │ │ │ ├── 6-java-duration.mdx │ │ │ ├── 7-java-period.mdx │ │ │ ├── 8-java-datetime-formatting.mdx │ │ │ ├── 9-java-datetime-calculation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-java-jdbc │ │ │ ├── 0-java-jdbc-overview.mdx │ │ │ ├── 1-jdbc.mdx │ │ │ ├── 10-java-stored-procedure.mdx │ │ │ ├── 11-java-metadata.mdx │ │ │ ├── 12-java-jdbc-exception-handling.mdx │ │ │ ├── 13-java-database-connection-pool.mdx │ │ │ ├── 14-java-jdbc-best-practices.mdx │ │ │ ├── 2-java-driver.mdx │ │ │ ├── 3-java-connection-interface.mdx │ │ │ ├── 4-java-statement-interface.mdx │ │ │ ├── 5-java-preparedstatement.mdx │ │ │ ├── 6-java-callablestatement.mdx │ │ │ ├── 7-java-resultset-interface.mdx │ │ │ ├── 8-java-transaction-management.mdx │ │ │ ├── 9-java-batching.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-java-array │ │ │ ├── 0-java-array-fundamentals.mdx │ │ │ ├── 1-java-array-declaration.mdx │ │ │ ├── 10-java-array-tool-class.mdx │ │ │ ├── 11-java-variable-parameters.mdx │ │ │ ├── 12-java-command-line-parameters.mdx │ │ │ ├── 2-java-array-initialization.mdx │ │ │ ├── 3-java-array-access.mdx │ │ │ ├── 4-java-multidimensional-array.mdx │ │ │ ├── 5-java-array-operations.mdx │ │ │ ├── 6-java-array-as-parameter.mdx │ │ │ ├── 7-java-array-sorting.mdx │ │ │ ├── 8-java-array-search.mdx │ │ │ ├── 9-java-array-replication.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-java-gui-programming │ │ │ ├── 0-java-gui-overview.mdx │ │ │ ├── 1-java-awt.mdx │ │ │ ├── 10-java-drop-down-list.mdx │ │ │ ├── 11-java-menu.mdx │ │ │ ├── 12-java-dialog.mdx │ │ │ ├── 13-java-event-handling.mdx │ │ │ ├── 14-java-layout-manager.mdx │ │ │ ├── 15-java-drawing.mdx │ │ │ ├── 16-java2d.mdx │ │ │ ├── 17-java-animation.mdx │ │ │ ├── 18-introduction-to-java-javafx.mdx │ │ │ ├── 2-java-swing.mdx │ │ │ ├── 3-java-window.mdx │ │ │ ├── 4-java-panel.mdx │ │ │ ├── 5-java-button.mdx │ │ │ ├── 6-java-tags.mdx │ │ │ ├── 7-java-text-box.mdx │ │ │ ├── 8-java-checkbox.mdx │ │ │ ├── 9-java-radio-button.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 21-java-xml-processing │ │ │ ├── 0-java-xml-overview.mdx │ │ │ ├── 1-java-dom-parsing.mdx │ │ │ ├── 10-java-xml-to-json-conversion.mdx │ │ │ ├── 11-java-xml-best-practices.mdx │ │ │ ├── 2-java-sax-parsing.mdx │ │ │ ├── 3-java-stax-parsing.mdx │ │ │ ├── 4-java-jaxb.mdx │ │ │ ├── 5-java-xml-creation.mdx │ │ │ ├── 6-java-xml-modification.mdx │ │ │ ├── 7-java-xml-validation.mdx │ │ │ ├── 8-java-xpath.mdx │ │ │ ├── 9-java-xslt.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 22-java-json-processing │ │ │ ├── 0-java-json-overview.mdx │ │ │ ├── 1-java-json-parsing.mdx │ │ │ ├── 2-java-json-creation.mdx │ │ │ ├── 3-java-jackson-library.mdx │ │ │ ├── 4-java-gson-library.mdx │ │ │ ├── 5-java-json-p.mdx │ │ │ ├── 6-java-json-b.mdx │ │ │ ├── 7-java-json-and-object-conversion.mdx │ │ │ ├── 8-java-json-and-collection-conversion.mdx │ │ │ ├── 9-java-json-best-practices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 23-java-unit-testing │ │ │ ├── 0-java-unit-testing-overview.mdx │ │ │ ├── 1-java-junit-framework.mdx │ │ │ ├── 10-java-test-coverage.mdx │ │ │ ├── 11-java-tdd.mdx │ │ │ ├── 12-java-unit-testing-best-practices.mdx │ │ │ ├── 2-java-test-annotation.mdx │ │ │ ├── 3-java-assertion.mdx │ │ │ ├── 4-java-test-suite.mdx │ │ │ ├── 5-java-parametric-testing.mdx │ │ │ ├── 6-java-exception-testing.mdx │ │ │ ├── 7-java-test-lifecycle.mdx │ │ │ ├── 8-java-mock-test.mdx │ │ │ ├── 9-java-mockito-framework.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 24-java-design-pattern │ │ │ ├── 0-overview-of-java-design-patterns.mdx │ │ │ ├── 1-java-creation-mode.mdx │ │ │ ├── 2-java-singleton-mode.mdx │ │ │ ├── 3-java-factory-mode.mdx │ │ │ ├── 4-java-abstract-factory.mdx │ │ │ ├── 5-java-builder-mode.mdx │ │ │ ├── 6-java-prototype-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-java-string │ │ │ ├── 0-java-string-basics.mdx │ │ │ ├── 1-java-string-creation.mdx │ │ │ ├── 10-java-regular-expression.mdx │ │ │ ├── 11-java-string-pool.mdx │ │ │ ├── 12-java-string-performance.mdx │ │ │ ├── 13-java-internationalization-string.mdx │ │ │ ├── 2-java-string-method.mdx │ │ │ ├── 3-java-string-connection.mdx │ │ │ ├── 4-java-string-comparison.mdx │ │ │ ├── 5-java-string-formatting.mdx │ │ │ ├── 6-java-string-conversion.mdx │ │ │ ├── 7-java-stringbuilder.mdx │ │ │ ├── 8-java-stringbuffer.mdx │ │ │ ├── 9-java-string-immutability.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-java-object-oriented-fundamentals │ │ │ ├── 0-java-class-fundamentals.mdx │ │ │ ├── 1-java-object-creation.mdx │ │ │ ├── 10-java-access-modifier.mdx │ │ │ ├── 11-java-encapsulation.mdx │ │ │ ├── 12-java-this-keyword.mdx │ │ │ ├── 13-java-object-as-parameter.mdx │ │ │ ├── 2-java-construction-method.mdx │ │ │ ├── 3-java-instance-variables.mdx │ │ │ ├── 4-java-method.mdx │ │ │ ├── 5-java-method-overload.mdx │ │ │ ├── 6-java-static-variables.mdx │ │ │ ├── 7-java-static-method.mdx │ │ │ ├── 8-java-code-block.mdx │ │ │ ├── 9-java-package.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-java-object-oriented-advanced │ │ │ ├── 0-java-inheritance.mdx │ │ │ ├── 1-java-method-rewrite.mdx │ │ │ ├── 10-java-polymorphism.mdx │ │ │ ├── 11-java-upward-transformation.mdx │ │ │ ├── 12-transforming-java-down.mdx │ │ │ ├── 13-java-instanceof-operator.mdx │ │ │ ├── 14-java-object-class.mdx │ │ │ ├── 2-java-super-keyword.mdx │ │ │ ├── 3-java-multilayer-inheritance.mdx │ │ │ ├── 4-java-abstract-class.mdx │ │ │ ├── 5-java-abstract-method.mdx │ │ │ ├── 6-java-interface.mdx │ │ │ ├── 7-java-interface-implementation.mdx │ │ │ ├── 8-java-multi-interface.mdx │ │ │ ├── 9-java-default-method.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-java-exception-handling │ │ │ ├── 0-overview-of-java-exceptions.mdx │ │ │ ├── 1-java-exception-type.mdx │ │ │ ├── 10-java-try-with-resources.mdx │ │ │ ├── 11-java-assertion.mdx │ │ │ ├── 12-java-exception-best-practices.mdx │ │ │ ├── 13-java-exception-handling-strategy.mdx │ │ │ ├── 2-java-try-catch.mdx │ │ │ ├── 3-java-multiple-catch.mdx │ │ │ ├── 4-java-finally-block.mdx │ │ │ ├── 5-java-throw-keyword.mdx │ │ │ ├── 6-java-throws-keyword.mdx │ │ │ ├── 7-java-abnormal-propagation.mdx │ │ │ ├── 8-java-custom-exception.mdx │ │ │ ├── 9-java-exception-chain.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-java-collection-framework │ │ │ ├── 0-java-collection-overview.mdx │ │ │ ├── 1-java-collection-interface.mdx │ │ │ ├── 10-java-queue-interface.mdx │ │ │ ├── 11-java-priorityqueue.mdx │ │ │ ├── 12-java-deque-interface.mdx │ │ │ ├── 13-java-arraydeque.mdx │ │ │ ├── 14-java-map-interface.mdx │ │ │ ├── 15-java-hashmap.mdx │ │ │ ├── 16-java-linkedhashmap.mdx │ │ │ ├── 17-java-treemap.mdx │ │ │ ├── 18-java-hashtable.mdx │ │ │ ├── 19-java-collection-sorting.mdx │ │ │ ├── 2-java-list-interface.mdx │ │ │ ├── 20-java-collection-traversal.mdx │ │ │ ├── 21-java-collection-conversion.mdx │ │ │ ├── 22-java-immutable-collection.mdx │ │ │ ├── 23-java-concurrent-collection.mdx │ │ │ ├── 3-java-arraylist.mdx │ │ │ ├── 4-java-linkedlist.mdx │ │ │ ├── 5-java-vector.mdx │ │ │ ├── 6-java-set-interface.mdx │ │ │ ├── 7-java-hashset.mdx │ │ │ ├── 8-java-linkedhashset.mdx │ │ │ ├── 9-java-treeset.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-java-generics │ │ │ ├── 0-overview-of-java-generics.mdx │ │ │ ├── 1-java-generic-class.mdx │ │ │ ├── 10-java-generic-nesting.mdx │ │ │ ├── 11-java-generics-and-arrays.mdx │ │ │ ├── 12-java-generic-best-practices.mdx │ │ │ ├── 2-java-generic-method.mdx │ │ │ ├── 3-java-generic-interface.mdx │ │ │ ├── 4-java-generic-wildcard.mdx │ │ │ ├── 5-bounding-wildcards-on-java.mdx │ │ │ ├── 6-java-lower-bounding-wildcard.mdx │ │ │ ├── 7-java-type-erase.mdx │ │ │ ├── 8-java-type-inference.mdx │ │ │ ├── 9-java-generic-limitations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-java-inner-class │ │ │ ├── 0-java-internal-class-overview.mdx │ │ │ ├── 1-java-member-inner-class.mdx │ │ │ ├── 10-java-internal-classes-and-interfaces.mdx │ │ │ ├── 2-java-static-inner-class.mdx │ │ │ ├── 3-java-local-inner-class.mdx │ │ │ ├── 4-java-anonymous-inner-class.mdx │ │ │ ├── 5-java-nested-inner-class.mdx │ │ │ ├── 6-java-internal-class-access-rules.mdx │ │ │ ├── 7-java-internal-class-inheritance.mdx │ │ │ ├── 8-java-internal-application-scenarios.mdx │ │ │ ├── 9-java-internal-classes-and-encapsulation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── javascript │ │ ├── 0-javascript-basics │ │ │ ├── 0-introduction-to-javascript.mdx │ │ │ ├── 1-javascript-history.mdx │ │ │ ├── 10-javascript-operators.mdx │ │ │ ├── 11-javascript-literals.mdx │ │ │ ├── 12-javascript-input-and-output.mdx │ │ │ ├── 13-javascript-strict-mode.mdx │ │ │ ├── 14-javascript-scope.mdx │ │ │ ├── 15-javascript-promotion.mdx │ │ │ ├── 16-javascript-naming-conventions.mdx │ │ │ ├── 17-javascript-keywords.mdx │ │ │ ├── 2-javascript-environment-settings.mdx │ │ │ ├── 3-javascript-development-tools.mdx │ │ │ ├── 4-the-first-javascript-program.mdx │ │ │ ├── 5-javascript-syntax.mdx │ │ │ ├── 6-javascript-comments.mdx │ │ │ ├── 7-javascript-variables.mdx │ │ │ ├── 8-javascript-data-types.mdx │ │ │ ├── 9-javascript-constants.mdx │ │ │ ├── _category_.json │ │ │ ├── img │ │ │ │ └── javascript_logo.png │ │ │ └── index.mdx │ │ ├── 1-javascript-control-flow │ │ │ ├── 0-javascript-conditional-statement.mdx │ │ │ ├── 1-javascript-if-else.mdx │ │ │ ├── 10-javascript-tag-statement.mdx │ │ │ ├── 11-javascript-nested-loops.mdx │ │ │ ├── 12-javascript-looping-tips.mdx │ │ │ ├── 13-javascript-control-flow-best-practices.mdx │ │ │ ├── 2-javascript-switch-case.mdx │ │ │ ├── 3-javascript-ternary-operator.mdx │ │ │ ├── 4-javascript-loop.mdx │ │ │ ├── 5-javascript-for-loop.mdx │ │ │ ├── 6-javascript-while-loop.mdx │ │ │ ├── 7-javascript-do-while-loop.mdx │ │ │ ├── 8-javascript-break-statement.mdx │ │ │ ├── 9-javascript-continue-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-javascript-asynchronous-programming │ │ │ ├── 0-javascript-asynchronous-base.mdx │ │ │ ├── 1-javascript-callback-mode.mdx │ │ │ ├── 10-javascript-event-loop.mdx │ │ │ ├── 11-javascript-macro-task-microtasks.mdx │ │ │ ├── 12-javascript-concurrency-model.mdx │ │ │ ├── 13-javascript-asynchronous-mode.mdx │ │ │ ├── 14-javascript-asynchronous-library.mdx │ │ │ ├── 15-javascript-asynchronous-performance-optimization.mdx │ │ │ ├── 16-javascript-asynchronous-best-practices.mdx │ │ │ ├── 2-javascript-callback-hell.mdx │ │ │ ├── 3-javascript-promise-basics.mdx │ │ │ ├── 4-javascript-promise-chain.mdx │ │ │ ├── 5-javascript-promise-method.mdx │ │ │ ├── 6-javascript-promise-error-handling.mdx │ │ │ ├── 7-javascript-async-await.mdx │ │ │ ├── 8-javascript-generator-function.mdx │ │ │ ├── 9-javascript-asynchronous-iterator.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-javascript-dom │ │ │ ├── 0-javascript-dom-basics.mdx │ │ │ ├── 1-javascript-dom-selector.mdx │ │ │ ├── 10-javascript-event-delegation.mdx │ │ │ ├── 11-javascript-form-actions.mdx │ │ │ ├── 12-javascript-form-validation.mdx │ │ │ ├── 13-javascript-form-submission.mdx │ │ │ ├── 14-javascript-dom-animation.mdx │ │ │ ├── 15-javascript-dom-optimization.mdx │ │ │ ├── 16-javascript-dom-security.mdx │ │ │ ├── 17-javascript-dom-best-practices.mdx │ │ │ ├── 2-javascript-dom-operation.mdx │ │ │ ├── 3-javascript-dom-traversal.mdx │ │ │ ├── 4-javascript-dom-property.mdx │ │ │ ├── 5-javascript-dom-style.mdx │ │ │ ├── 6-javascript-dom-size-position.mdx │ │ │ ├── 7-javascript-dom-event.mdx │ │ │ ├── 8-javascript-event-bubbling.mdx │ │ │ ├── 9-javascript-event-capture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-javascript-bom │ │ │ ├── 0-javascript-bom-basics.mdx │ │ │ ├── 1-javascript-window-object.mdx │ │ │ ├── 10-javascript-sessionstorage.mdx │ │ │ ├── 11-javascript-indexeddb.mdx │ │ │ ├── 12-javascript-web-worker.mdx │ │ │ ├── 13-javascript-service-worker.mdx │ │ │ ├── 14-javascript-geolocation.mdx │ │ │ ├── 15-javascript-notification-api.mdx │ │ │ ├── 16-javascript-drag-and-drop-api.mdx │ │ │ ├── 17-javascript-bom-best-practices.mdx │ │ │ ├── 2-javascript-location-object.mdx │ │ │ ├── 3-javascript-history-object.mdx │ │ │ ├── 4-javascript-navigator-object.mdx │ │ │ ├── 5-javascript-screen-object.mdx │ │ │ ├── 6-javascript-dialog.mdx │ │ │ ├── 7-javascript-timer.mdx │ │ │ ├── 8-javascript-cookie.mdx │ │ │ ├── 9-javascript-localstorage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-javascript-modularity │ │ │ ├── 0-javascript-module-basics.mdx │ │ │ ├── 1-javascript-namespace-mode.mdx │ │ │ ├── 10-javascript-module-packaging-tool.mdx │ │ │ ├── 11-javascript-module-dependency-management.mdx │ │ │ ├── 12-javascript-microfront-end.mdx │ │ │ ├── 13-javascript-modular-best-practices.mdx │ │ │ ├── 2-javascript-iife-module.mdx │ │ │ ├── 3-javascript-commonjs-module.mdx │ │ │ ├── 4-javascript-amd-module.mdx │ │ │ ├── 5-javascript-umd-module.mdx │ │ │ ├── 6-javascript-es6-module.mdx │ │ │ ├── 7-javascript-module-import.mdx │ │ │ ├── 8-javascript-module-export.mdx │ │ │ ├── 9-javascript-dynamic-import.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-javascript-design-patterns │ │ │ ├── 0-basics-of-javascript-design-patterns.mdx │ │ │ ├── 1-javascript-singleton-mode.mdx │ │ │ ├── 10-javascript-command-mode.mdx │ │ │ ├── 11-javascript-responsibility-chain-model.mdx │ │ │ ├── 12-javascript-proxy-mode.mdx │ │ │ ├── 13-javascript-portfolio-mode.mdx │ │ │ ├── 14-javascript-mvc-mode.mdx │ │ │ ├── 15-javascript-mvvm-mode.mdx │ │ │ ├── 16-javascript-flux-schema.mdx │ │ │ ├── 17-javascript-design-pattern-application.mdx │ │ │ ├── 18-javascript-design-patterns-best-practices.mdx │ │ │ ├── 2-javascript-factory-mode.mdx │ │ │ ├── 3-javascript-observer-mode.mdx │ │ │ ├── 4-javascript-publish-subscription-mode.mdx │ │ │ ├── 5-javascript-module-mode.mdx │ │ │ ├── 6-javascript-constructor-mode.mdx │ │ │ ├── 7-javascript-decorator-mode.mdx │ │ │ ├── 8-javascript-adapter-mode.mdx │ │ │ ├── 9-javascript-policy-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-javascript-functional-programming │ │ │ ├── 0-fundamentals-of-functional-programming-in-javascript.mdx │ │ │ ├── 1-javascript-pure-function.mdx │ │ │ ├── 10-javascript-functional-vs-oop.mdx │ │ │ ├── 11-javascript-functional-programming-practices.mdx │ │ │ ├── 12-the-benefits-of-javascript-functional-programming.mdx │ │ │ ├── 13-javascript-functional-programming-mode.mdx │ │ │ ├── 14-best-practices-for-javascript-functional-programming.mdx │ │ │ ├── 2-javascript-immutability.mdx │ │ │ ├── 3-javascript-function-combinations.mdx │ │ │ ├── 4-javascript-function-currying.mdx │ │ │ ├── 5-javascript-higher-order-functions.mdx │ │ │ ├── 6-javascript-partial-app.mdx │ │ │ ├── 7-javascript-recursive-optimization.mdx │ │ │ ├── 8-javascript-point-free-style.mdx │ │ │ ├── 9-javascript-functional-library.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-javascript-performance-optimization │ │ │ ├── 0-javascript-performance-basics.mdx │ │ │ ├── 1-javascript-performance-measurement.mdx │ │ │ ├── 10-javascript-caching-policy.mdx │ │ │ ├── 11-javascript-lazy-loading.mdx │ │ │ ├── 12-javascript-throttling.mdx │ │ │ ├── 13-javascript-dummy-list.mdx │ │ │ ├── 14-javascript-performance-monitoring.mdx │ │ │ ├── 15-javascript-performance-testing.mdx │ │ │ ├── 16-javascript-performance-metrics.mdx │ │ │ ├── 17-javascript-performance-best-practices.mdx │ │ │ ├── 2-javascript-profiler.mdx │ │ │ ├── 3-javascript-code-optimization.mdx │ │ │ ├── 4-javascript-execution-optimization.mdx │ │ │ ├── 5-javascript-memory-management.mdx │ │ │ ├── 6-javascript-garbage-collection.mdx │ │ │ ├── 7-javascript-memory-leak.mdx │ │ │ ├── 8-javascript-rendering-optimization.mdx │ │ │ ├── 9-javascript-network-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-javascript-network-request │ │ │ ├── 0-javascript-ajax-basics.mdx │ │ │ ├── 1-javascript-xmlhttprequest.mdx │ │ │ ├── 10-javascript-polling.mdx │ │ │ ├── 11-javascript-long-polling.mdx │ │ │ ├── 12-javascript-websocket.mdx │ │ │ ├── 13-javascript-server-sent-events.mdx │ │ │ ├── 14-javascript-graphql-client.mdx │ │ │ ├── 15-javascript-request-caching.mdx │ │ │ ├── 16-javascript-request-cancellation.mdx │ │ │ ├── 17-javascript-request-retry.mdx │ │ │ ├── 18-javascript-network-request-best-practices.mdx │ │ │ ├── 2-javascript-fetch-api.mdx │ │ │ ├── 3-javascript-request-configuration.mdx │ │ │ ├── 4-javascript-request-header.mdx │ │ │ ├── 5-javascript-request-body.mdx │ │ │ ├── 6-javascript-response-processing.mdx │ │ │ ├── 7-javascript-cross-domain-request.mdx │ │ │ ├── 8-javascript-cors.mdx │ │ │ ├── 9-javascript-proxy-request.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-javascript-tools-and-environment │ │ │ ├── 0-javascript-development-environment.mdx │ │ │ ├── 1-javascript-editor.mdx │ │ │ ├── 10-javascript-debugging-tools.mdx │ │ │ ├── 11-javascript-documentation-tools.mdx │ │ │ ├── 12-javascript-deployment-tools.mdx │ │ │ ├── 13-javascript-development-server.mdx │ │ │ ├── 14-javascript-browser-compatibility.mdx │ │ │ ├── 15-javascript-mobile-debugging.mdx │ │ │ ├── 16-javascript-development-workflow.mdx │ │ │ ├── 17-best-practices-for-javascript-development.mdx │ │ │ ├── 2-javascript-code-inspection.mdx │ │ │ ├── 3-javascript-code-formatting.mdx │ │ │ ├── 4-javascript-version-control.mdx │ │ │ ├── 5-javascript-package-manager.mdx │ │ │ ├── 6-javascript-build-tools.mdx │ │ │ ├── 7-javascript-packaging-tool.mdx │ │ │ ├── 8-javascript-transpiler.mdx │ │ │ ├── 9-javascript-testing-tools.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-javascript-modern-features │ │ │ ├── 0-javascript-es6-overview.mdx │ │ │ ├── 1-javascript-let-const.mdx │ │ │ ├── 10-javascript-iterator.mdx │ │ │ ├── 11-javascript-generator.mdx │ │ │ ├── 12-javascript-map.mdx │ │ │ ├── 13-javascript-set.mdx │ │ │ ├── 14-javascript-weakmap.mdx │ │ │ ├── 15-javascript-weakset.mdx │ │ │ ├── 16-javascript-proxy.mdx │ │ │ ├── 17-javascript-reflect.mdx │ │ │ ├── 18-javascript-bigint.mdx │ │ │ ├── 19-javascript-optional-chaining.mdx │ │ │ ├── 2-detailed-explanation-of-the-javascript-arrow-function.mdx │ │ │ ├── 20-javascript-nullish-coalescing.mdx │ │ │ ├── 21-javascript-private-fields.mdx │ │ │ ├── 22-javascript-dynamic-import.mdx │ │ │ ├── 23-javascript-top-await.mdx │ │ │ ├── 24-javascript-decorator-proposal.mdx │ │ │ ├── 25-introduction-to-the-latest-proposal-of-javascript.mdx │ │ │ ├── 3-javascript-template-string.mdx │ │ │ ├── 4-javascript-destructuring-assignment.mdx │ │ │ ├── 5-javascript-expansion-syntax.mdx │ │ │ ├── 6-javascript-remaining-parameters.mdx │ │ │ ├── 7-javascript-object-literality-enhancement.mdx │ │ │ ├── 8-javascript-class-syntax.mdx │ │ │ ├── 9-javascript-symbol-type.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-javascript-function │ │ │ ├── 0-basics-of-javascript-functions.mdx │ │ │ ├── 1-javascript-function-declaration.mdx │ │ │ ├── 10-javascript-closure.mdx │ │ │ ├── 11-javascript-higher-order-functions.mdx │ │ │ ├── 12-javascript-execute-the-function-immediately.mdx │ │ │ ├── 13-javascript-function-scope.mdx │ │ │ ├── 14-javascript-pure-function.mdx │ │ │ ├── 15-javascript-function-currying.mdx │ │ │ ├── 16-javascript-function-combinations.mdx │ │ │ ├── 17-memorization-of-javascript-functions.mdx │ │ │ ├── 18-deconstruction-of-javascript-parameters.mdx │ │ │ ├── 2-javascript-function-expression.mdx │ │ │ ├── 3-javascript-arrow-function.mdx │ │ │ ├── 4-javascript-function-parameters.mdx │ │ │ ├── 5-javascript-default-parameters.mdx │ │ │ ├── 6-javascript-return-value.mdx │ │ │ ├── 7-javascript-function-call.mdx │ │ │ ├── 8-javascript-recursion.mdx │ │ │ ├── 9-javascript-callback-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-introduction-to-the-javascript-framework │ │ │ ├── 0-javascript-front-end-framework-overview.mdx │ │ │ ├── 1-javascript-react-basics.mdx │ │ │ ├── 10-javascript-ssr-server-side-rendering.mdx │ │ │ ├── 11-javascript-static-site-generation.mdx │ │ │ ├── 12-javascript-microfront-end-architecture.mdx │ │ │ ├── 13-javascript-progressive-web-app.mdx │ │ │ ├── 14-javascript-framework-ecosystem.mdx │ │ │ ├── 15-javascript-framework-selection-guide.mdx │ │ │ ├── 16-javascript-front-end-trends.mdx │ │ │ ├── 2-javascript-vue-basics.mdx │ │ │ ├── 3-javascript-angular-basics.mdx │ │ │ ├── 4-javascript-svelte-basics.mdx │ │ │ ├── 5-javascript-framework-comparison.mdx │ │ │ ├── 6-javascript-status-management.mdx │ │ │ ├── 7-javascript-routing-management.mdx │ │ │ ├── 8-javascript-component-design.mdx │ │ │ ├── 9-javascript-virtual-dom.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 21-javascript-nodejs-basics │ │ │ ├── 0-javascript-nodejs-overview.mdx │ │ │ ├── 1-javascript-nodejs-installation.mdx │ │ │ ├── 10-javascript-nodejs-restful-api.mdx │ │ │ ├── 11-javascript-nodejs-database-integration.mdx │ │ │ ├── 12-javascript-nodejs-authentication.mdx │ │ │ ├── 13-javascript-nodejs-deployment.mdx │ │ │ ├── 14-javascript-nodejs-performance.mdx │ │ │ ├── 15-javascript-nodejs-debugging.mdx │ │ │ ├── 16-javascript-nodejs-security.mdx │ │ │ ├── 17-javascript-nodejs-best-practices.mdx │ │ │ ├── 2-javascript-nodejs-module-system.mdx │ │ │ ├── 3-javascript-nodejs-file-system.mdx │ │ │ ├── 4-javascript-nodejs-event.mdx │ │ │ ├── 5-javascript-nodejs-stream.mdx │ │ │ ├── 6-javascript-nodejs-buffer.mdx │ │ │ ├── 7-javascript-nodejs-http.mdx │ │ │ ├── 8-javascript-nodejs-routing.mdx │ │ │ ├── 9-javascript-nodejs-middleware.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 22-javascript-test │ │ │ ├── 0-javascript-testing-basics.mdx │ │ │ ├── 1-javascript-unit-test.mdx │ │ │ ├── 10-javascript-snapshot-test.mdx │ │ │ ├── 11-javascript-asynchronous-test.mdx │ │ │ ├── 12-javascript-code-coverage.mdx │ │ │ ├── 13-javascript-continuous-integration.mdx │ │ │ ├── 14-javascript-tdd-test-driven-development.mdx │ │ │ ├── 15-javascript-bdd-behavior-driven-development.mdx │ │ │ ├── 16-javascript-testing-best-practices.mdx │ │ │ ├── 2-javascript-integration-testing.mdx │ │ │ ├── 3-javascript-end-to-end-testing.mdx │ │ │ ├── 4-javascript-jest-framework.mdx │ │ │ ├── 5-javascript-mocha-framework.mdx │ │ │ ├── 6-javascript-assertion-library.mdx │ │ │ ├── 7-javascript-mock-test.mdx │ │ │ ├── 8-javascript-test-avatars.mdx │ │ │ ├── 9-javascript-dom-test.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 23-javascript-security │ │ │ ├── 0-javascript-security-basics.mdx │ │ │ ├── 1-javascript-xss-attack.mdx │ │ │ ├── 10-javascript-output-encoding.mdx │ │ │ ├── 11-javascript-cryptography-basics.mdx │ │ │ ├── 12-javascript---web-encryption-api.mdx │ │ │ ├── 13-javascript---oauth-authentication.mdx │ │ │ ├── 14-javascript---jwt-token.mdx │ │ │ ├── 15-javascript-permission-management.mdx │ │ │ ├── 16-javascript-security-audit.mdx │ │ │ ├── 17-javascript-security-best-practices.mdx │ │ │ ├── 2-javascript-csrf-attack.mdx │ │ │ ├── 3-javascript-injection-attacks.mdx │ │ │ ├── 4-javascript-clickjacking.mdx │ │ │ ├── 5-javascript-man-in-the-middle-attack.mdx │ │ │ ├── 6-javascript-content-security-policy.mdx │ │ │ ├── 7-javascript-https.mdx │ │ │ ├── 8-javascript-cross-domain-security.mdx │ │ │ ├── 9-javascript-input-validation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 24-javascript-data-visualization │ │ │ ├── 0-javascript-data-visualization-basics.mdx │ │ │ ├── 1-javascript-canvas-basics.mdx │ │ │ ├── 10-javascript-animation-effects.mdx │ │ │ ├── 11-javascript-map-visualization.mdx │ │ │ ├── 12-javascript-dashboard-design.mdx │ │ │ ├── 13-javascript-responsive-charts.mdx │ │ │ ├── 14-javascript-big-data-visualization.mdx │ │ │ ├── 15-javascript-performance-optimization.mdx │ │ │ ├── 16-javascript-visualization-best-practices.mdx │ │ │ ├── 2-javascript-svg-basics.mdx │ │ │ ├── 3-javascript-webgl-basics.mdx │ │ │ ├── 4-introduction-to-javascript-chart-library.mdx │ │ │ ├── 5-javascript---d3js-basics.mdx │ │ │ ├── 6-javascript-chartjs-basics.mdx │ │ │ ├── 7-javascript-threejs-basics.mdx │ │ │ ├── 8-javascript-data-processing.mdx │ │ │ ├── 9-javascript-interactive-visualization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 25-javascript-best-practices │ │ │ ├── 0-javascript-coding-specifications.mdx │ │ │ ├── 1-javascript-naming-convention.mdx │ │ │ ├── 10-javascript-documentation.mdx │ │ │ ├── 11-javascript-code-review.mdx │ │ │ ├── 12-javascript-refactoring-tips.mdx │ │ │ ├── 13-javascript-design-principles.mdx │ │ │ ├── 14-common-pitfalls-of-javascript.mdx │ │ │ ├── 15-javascript-anti-pattern.mdx │ │ │ ├── 16-javascript-maintainability.mdx │ │ │ ├── 17-javascript-extensibility.mdx │ │ │ ├── 18-javascript-development-process.mdx │ │ │ ├── 19-javascript-teamwork.mdx │ │ │ ├── 2-javascript-annotation-specification.mdx │ │ │ ├── 3-javascript-code-organization.mdx │ │ │ ├── 4-javascript-modularity-strategy.mdx │ │ │ ├── 5-javascript-error-handling-strategy.mdx │ │ │ ├── 6-javascript-debugging-strategy.mdx │ │ │ ├── 7-javascript-performance-optimization-strategy.mdx │ │ │ ├── 8-javascript-secure-coding.mdx │ │ │ ├── 9-javascript-testing-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-javascript-object │ │ │ ├── 0-javascript-object-basics.mdx │ │ │ ├── 1-javascript-object-creation.mdx │ │ │ ├── 10-javascript-deep-copy-shallow-copy.mdx │ │ │ ├── 11-javascript-object-traversal.mdx │ │ │ ├── 12-javascript-object-deconstruction.mdx │ │ │ ├── 13-javascript-object-expansion.mdx │ │ │ ├── 14-javascript-object-freeze.mdx │ │ │ ├── 15-javascript-object-sealing.mdx │ │ │ ├── 16-javascript-object-immutability.mdx │ │ │ ├── 17-javascript-object-best-practices.mdx │ │ │ ├── 2-javascript-object-properties.mdx │ │ │ ├── 3-javascript-object-method.mdx │ │ │ ├── 4-javascript-constructor.mdx │ │ │ ├── 5-javascript-prototype.mdx │ │ │ ├── 6-javascript-prototype-chain.mdx │ │ │ ├── 7-javascript-object-inheritance.mdx │ │ │ ├── 8-javascript-object-accessor.mdx │ │ │ ├── 9-javascript-object-descriptor.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-javascript-array │ │ │ ├── 0-javascript-array-basics.mdx │ │ │ ├── 1-javascript-array-creation.mdx │ │ │ ├── 10-javascript-array-mapping.mdx │ │ │ ├── 11-javascript-array-reduction.mdx │ │ │ ├── 12-javascript-multidimensional-array.mdx │ │ │ ├── 13-javascript-class-array-object.mdx │ │ │ ├── 14-javascript-array-deconstruction.mdx │ │ │ ├── 15-javascript-array-expansion.mdx │ │ │ ├── 16-javascript-array-handling-tips.mdx │ │ │ ├── 17-javascript-array-performance-optimization.mdx │ │ │ ├── 2-javascript-array-index.mdx │ │ │ ├── 3-javascript-array-method.mdx │ │ │ ├── 4-add-element-to-javascript-array.mdx │ │ │ ├── 5-javascript-array-delete-element.mdx │ │ │ ├── 6-javascript-array-traversal.mdx │ │ │ ├── 7-javascript-array-sorting.mdx │ │ │ ├── 8-javascript-array-search.mdx │ │ │ ├── 9-javascript-array-filtering.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-javascript-string │ │ │ ├── 0-javascript-string-basics.mdx │ │ │ ├── 1-javascript-string-creation.mdx │ │ │ ├── 10-javascript-string-case.mdx │ │ │ ├── 11-javascript-string-comparison.mdx │ │ │ ├── 12-javascript-string-encoding.mdx │ │ │ ├── 13-javascript-regular-expression-basics.mdx │ │ │ ├── 14-javascript-regular-expression-mode.mdx │ │ │ ├── 15-javascript-regular-expression-method.mdx │ │ │ ├── 16-javascript-internationalization-string.mdx │ │ │ ├── 17-javascript-string-best-practices.mdx │ │ │ ├── 2-javascript-string-properties.mdx │ │ │ ├── 3-javascript-string-method.mdx │ │ │ ├── 4-javascript-string-connection.mdx │ │ │ ├── 5-javascript-string-template.mdx │ │ │ ├── 6-javascript-string-lookup.mdx │ │ │ ├── 7-javascript-string-replacement.mdx │ │ │ ├── 8-javascript-string-splitting.mdx │ │ │ ├── 9-javascript-string-truncation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-javascript-date-and-time │ │ │ ├── 0-javascript-date-base.mdx │ │ │ ├── 1-javascript-date-creation.mdx │ │ │ ├── 10-javascript-timer.mdx │ │ │ ├── 11-javascript-countdown.mdx │ │ │ ├── 12-javascript-datebase-introduction.mdx │ │ │ ├── 13-javascript-date-best-practices.mdx │ │ │ ├── 2-javascript-date-acquisition-method.mdx │ │ │ ├── 3-javascript-date-setting-method.mdx │ │ │ ├── 4-javascript-date-formatting.mdx │ │ │ ├── 5-javascript-date-calculation.mdx │ │ │ ├── 6-javascript-interval.mdx │ │ │ ├── 7-javascript-timezone-processing.mdx │ │ │ ├── 8-javascript-date-comparison.mdx │ │ │ ├── 9-javascript-date-validation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-javascript-error-handling │ │ │ ├── 0-javascript-error-base.mdx │ │ │ ├── 1-javascript-error-type.mdx │ │ │ ├── 10-javascript-debugging-tips.mdx │ │ │ ├── 11-javascript-breakpoint-settings.mdx │ │ │ ├── 12-javascript-console-method.mdx │ │ │ ├── 13-javascript-error-log.mdx │ │ │ ├── 14-javascript-error-monitoring.mdx │ │ │ ├── 15-javascript-error-handling-best-practices.mdx │ │ │ ├── 2-javascript-try-catch.mdx │ │ │ ├── 3-javascript-finally-statement.mdx │ │ │ ├── 4-javascript-throw-statement.mdx │ │ │ ├── 5-javascript-custom-error.mdx │ │ │ ├── 6-javascript-error-stack.mdx │ │ │ ├── 7-javascript-error-propagation.mdx │ │ │ ├── 8-javascript-asynchronous-error-handling.mdx │ │ │ ├── 9-javascript-error-debugging.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-javascript-scope-and-closures │ │ │ ├── 0-javascript-scope-concept.mdx │ │ │ ├── 1-javascript-global-scope.mdx │ │ │ ├── 10-javascript-module-mode.mdx │ │ │ ├── 11-javascript-namespace.mdx │ │ │ ├── 12-javascript-scope-best-practices.mdx │ │ │ ├── 2-javascript-function-scope.mdx │ │ │ ├── 3-javascript-block-level-scope.mdx │ │ │ ├── 4-javascript-lexical-scope.mdx │ │ │ ├── 5-javascript-scope-chain.mdx │ │ │ ├── 6-javascript-closures-explained-in-detail.mdx │ │ │ ├── 7-javascript-closure-application.mdx │ │ │ ├── 8-javascript-closure-trap.mdx │ │ │ ├── 9-javascript-private-variables.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-javascript-object-oriented-programming │ │ │ ├── 0-javascript-object-oriented-fundamentals.mdx │ │ │ ├── 1-javascript-constructor-explained-in-detail.mdx │ │ │ ├── 10-javascript-class-inheritance.mdx │ │ │ ├── 11-javascript-static-method.mdx │ │ │ ├── 12-javascript-private-properties.mdx │ │ │ ├── 13-javascript-mixing-mode.mdx │ │ │ ├── 14-javascript-object-combinations.mdx │ │ │ ├── 15-javascript-object-oriented-design-patterns.mdx │ │ │ ├── 16-javascript-object-oriented-best-practices.mdx │ │ │ ├── 2-learn-more-about-javascript-prototypes.mdx │ │ │ ├── 3-javascript-inheritance-method.mdx │ │ │ ├── 4-javascript-prototype-inheritance.mdx │ │ │ ├── 5-javascript-constructor-inheritance.mdx │ │ │ ├── 6-javascript-portfolio-inheritance.mdx │ │ │ ├── 7-javascript-prototype-chain-inheritance.mdx │ │ │ ├── 8-javascript-parasitic-inheritance.mdx │ │ │ ├── 9-javascript-es6-class.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── php │ │ ├── 0-php-basics │ │ │ ├── 0-introduction-to-php.mdx │ │ │ ├── 1-php-history.mdx │ │ │ ├── 10-php-operators.mdx │ │ │ ├── 11-php-output-statement.mdx │ │ │ ├── 12-php-tag-style.mdx │ │ │ ├── 13-php-naming-conventions.mdx │ │ │ ├── 14-php-keywords.mdx │ │ │ ├── 15-php-reserved-words.mdx │ │ │ ├── 16-php-command-line-mode.mdx │ │ │ ├── 17-php-and-html-interaction.mdx │ │ │ ├── 2-php-environment-construction.mdx │ │ │ ├── 3-php-installation-and-configuration.mdx │ │ │ ├── 4-php-first-program.mdx │ │ │ ├── 5-php-syntax.mdx │ │ │ ├── 6-php-comments.mdx │ │ │ ├── 7-php-variables.mdx │ │ │ ├── 8-php-data-types.mdx │ │ │ ├── 9-php-constants.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-php-control-flow │ │ │ ├── 0-php-conditional-statements.mdx │ │ │ ├── 1-php-if-else.mdx │ │ │ ├── 10-php-break-statement.mdx │ │ │ ├── 11-php---continue-statement.mdx │ │ │ ├── 12-php---goto-statement.mdx │ │ │ ├── 13-php-nested-control-structures.mdx │ │ │ ├── 14-php-control-flow-best-practices.mdx │ │ │ ├── 2-php-switch-case.mdx │ │ │ ├── 3-php-ternary-operator.mdx │ │ │ ├── 4-php-null-coalescing-operator.mdx │ │ │ ├── 5-php-loop.mdx │ │ │ ├── 6-php---for-loop.mdx │ │ │ ├── 7-php---while-loop.mdx │ │ │ ├── 8-php---do-while-loop.mdx │ │ │ ├── 9-php---foreach-loop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-php-database-operations │ │ │ ├── 0-php-database-basics.mdx │ │ │ ├── 1-php-mysql-connection.mdx │ │ │ ├── 10-php-database-security.mdx │ │ │ ├── 11-php-sql-injection-protection.mdx │ │ │ ├── 12-php-connection-pool.mdx │ │ │ ├── 13-php-database-migration.mdx │ │ │ ├── 14-php-database-mode.mdx │ │ │ ├── 15-php-nosql-database.mdx │ │ │ ├── 16-php-redis-operation.mdx │ │ │ ├── 17-php-mongodb-operation.mdx │ │ │ ├── 18-php-database-best-practices.mdx │ │ │ ├── 2-php-mysqli-extension.mdx │ │ │ ├── 3-php-pdo-extension.mdx │ │ │ ├── 4-php-database-query.mdx │ │ │ ├── 5-php-prepared-statements.mdx │ │ │ ├── 6-php-result-set-processing.mdx │ │ │ ├── 7-php-transaction-processing.mdx │ │ │ ├── 8-php-stored-procedure.mdx │ │ │ ├── 9-php-database-error-handling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-php-form-processing │ │ │ ├── 0-php-form-basics.mdx │ │ │ ├── 1-php-form-submission.mdx │ │ │ ├── 10-php-file-upload-form.mdx │ │ │ ├── 11-php-multi-step-form.mdx │ │ │ ├── 12-php-ajax-form.mdx │ │ │ ├── 13-php-form-error-handling.mdx │ │ │ ├── 14-php-form-redirect.mdx │ │ │ ├── 15-php-form-best-practices.mdx │ │ │ ├── 2-php-get-request.mdx │ │ │ ├── 3-php-post-request.mdx │ │ │ ├── 4-php-request-method.mdx │ │ │ ├── 5-php-form-data-acquisition.mdx │ │ │ ├── 6-php-form-validation.mdx │ │ │ ├── 7-php-form-security.mdx │ │ │ ├── 8-php-csrf-protection.mdx │ │ │ ├── 9-php-xss-protection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-php-date-and-time │ │ │ ├── 0-php-date-basics.mdx │ │ │ ├── 1-php-timestamp.mdx │ │ │ ├── 10-php---datetime-class.mdx │ │ │ ├── 11-php---dateinterval-class.mdx │ │ │ ├── 12-php-dateperiod-class.mdx │ │ │ ├── 13-php-date-localization.mdx │ │ │ ├── 14-php-date-and-database.mdx │ │ │ ├── 15-php-date-best-practices.mdx │ │ │ ├── 2-php-date-functions.mdx │ │ │ ├── 3-php-date-formatting.mdx │ │ │ ├── 4-php-time-zone-settings.mdx │ │ │ ├── 5-php-date-calculation.mdx │ │ │ ├── 6-php-date-comparison.mdx │ │ │ ├── 7-php-date-validation.mdx │ │ │ ├── 8-php-calendar-functions.mdx │ │ │ ├── 9-php-internationalization-date.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-php-network-programming │ │ │ ├── 0-php-network-basics.mdx │ │ │ ├── 1-php-url-processing.mdx │ │ │ ├── 10-php-oauth-authentication.mdx │ │ │ ├── 11-php-jwt-token.mdx │ │ │ ├── 12-php-microservice-communication.mdx │ │ │ ├── 13-php-network-security.mdx │ │ │ ├── 14-php-network-debugging.mdx │ │ │ ├── 15-php-network-best-practices.mdx │ │ │ ├── 2-php-http-request.mdx │ │ │ ├── 3-php-curl-extension.mdx │ │ │ ├── 4-php-ftp-operation.mdx │ │ │ ├── 5-php-smtp-mail.mdx │ │ │ ├── 6-php-socket-programming.mdx │ │ │ ├── 7-php-websocket.mdx │ │ │ ├── 8-php-api-call.mdx │ │ │ ├── 9-php-rest-client.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-php-security-programming │ │ │ ├── 0-php-security-basics.mdx │ │ │ ├── 1-php-input-validation.mdx │ │ │ ├── 10-php-security-configuration.mdx │ │ │ ├── 11-php-error-handling-security.mdx │ │ │ ├── 12-php-file-upload-security.mdx │ │ │ ├── 13-php-data-validation.mdx │ │ │ ├── 14-php-whitelist-filtering.mdx │ │ │ ├── 15-php-blacklist-filtering.mdx │ │ │ ├── 16-php-security-functions.mdx │ │ │ ├── 17-php-security-extension.mdx │ │ │ ├── 18-php-code-audit.mdx │ │ │ ├── 19-php-security-best-practices.mdx │ │ │ ├── 2-php-output-filtering.mdx │ │ │ ├── 3-php-xss-protection.mdx │ │ │ ├── 4-php-sql-injection-protection.mdx │ │ │ ├── 5-php-csrf-protection.mdx │ │ │ ├── 6-php-file-contains-a-vulnerability.mdx │ │ │ ├── 7-php-directory-traversal-vulnerability.mdx │ │ │ ├── 8-php-session-security.mdx │ │ │ ├── 9-php-password-hashing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-php-performance-optimization │ │ │ ├── 0-php-performance-basics.mdx │ │ │ ├── 1-php-code-optimization.mdx │ │ │ ├── 10-php-session-optimization.mdx │ │ │ ├── 11-php-file-operation-optimization.mdx │ │ │ ├── 12-php-image-processing-optimization.mdx │ │ │ ├── 13-php-compression-technology.mdx │ │ │ ├── 14-php-load-balancing.mdx │ │ │ ├── 15-php-monitoring-tools.mdx │ │ │ ├── 16-php-benchmarks.mdx │ │ │ ├── 17-php-performance-analysis.mdx │ │ │ ├── 18-php-performance-best-practices.mdx │ │ │ ├── 2-php-memory-management.mdx │ │ │ ├── 3-php-caching-technology.mdx │ │ │ ├── 4-php-opcache.mdx │ │ │ ├── 5-php-apcu-cache.mdx │ │ │ ├── 6-php-redis-cache.mdx │ │ │ ├── 7-php-memcached-cache.mdx │ │ │ ├── 8-php-database-optimization.mdx │ │ │ ├── 9-php-query-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-php-design-patterns │ │ │ ├── 0-php-design-pattern-basics.mdx │ │ │ ├── 1-php-singleton-mode.mdx │ │ │ ├── 10-php-proxy-mode.mdx │ │ │ ├── 11-php-observer-pattern.mdx │ │ │ ├── 12-php-strategy-pattern.mdx │ │ │ ├── 13-php-command-mode.mdx │ │ │ ├── 14-php-state-mode.mdx │ │ │ ├── 15-php-chain-of-responsibility-model.mdx │ │ │ ├── 16-php-mvc-mode.mdx │ │ │ ├── 17-php-dependency-injection.mdx │ │ │ ├── 18-php-service-container.mdx │ │ │ ├── 19-php-design-pattern-practice.mdx │ │ │ ├── 2-php-factory-pattern.mdx │ │ │ ├── 3-php-abstract-factory.mdx │ │ │ ├── 4-php-builder-pattern.mdx │ │ │ ├── 5-php-prototype-mode.mdx │ │ │ ├── 6-php-adapter-pattern.mdx │ │ │ ├── 7-php-bridge-mode.mdx │ │ │ ├── 8-php-decorator-pattern.mdx │ │ │ ├── 9-php-facade-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-php-framework │ │ │ ├── 0-php-framework-basics.mdx │ │ │ ├── 1-php-laravel-framework.mdx │ │ │ ├── 10-php-framework-comparison.mdx │ │ │ ├── 11-php-framework-selection.mdx │ │ │ ├── 12-php-custom-framework.mdx │ │ │ ├── 13-php-micro-framework.mdx │ │ │ ├── 14-php-framework-and-composer.mdx │ │ │ ├── 15-php-framework-extension.mdx │ │ │ ├── 16-php-framework-best-practices.mdx │ │ │ ├── 2-php-symfony-framework.mdx │ │ │ ├── 3-php-codeigniter-framework.mdx │ │ │ ├── 4-php-yii-framework.mdx │ │ │ ├── 5-php-zend-framework.mdx │ │ │ ├── 6-php-cakephp-framework.mdx │ │ │ ├── 7-php-thinkphp-framework.mdx │ │ │ ├── 8-php-slim-framework.mdx │ │ │ ├── 9-php-lumen-framework.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-php-composer │ │ │ ├── 0-php-composer-basics.mdx │ │ │ ├── 1-php-composer-installation.mdx │ │ │ ├── 10-php-package-release.mdx │ │ │ ├── 11-php-version-constraints.mdx │ │ │ ├── 12-php-lock-file.mdx │ │ │ ├── 13-php-script-hook.mdx │ │ │ ├── 14-php-composer-plugin.mdx │ │ │ ├── 15-php-composer-best-practices.mdx │ │ │ ├── 2-php-composer-configuration.mdx │ │ │ ├── 3-php-package-management.mdx │ │ │ ├── 4-php-dependency-management.mdx │ │ │ ├── 5-php-autoloading.mdx │ │ │ ├── 6-php-psr-standard.mdx │ │ │ ├── 7-php-namespace-management.mdx │ │ │ ├── 8-php-private-package-repository.mdx │ │ │ ├── 9-php-package-development.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-php-testing │ │ │ ├── 0-php-testing-basics.mdx │ │ │ ├── 1-php-unit-testing.mdx │ │ │ ├── 10-php-bdd-development.mdx │ │ │ ├── 11-php-test-automation.mdx │ │ │ ├── 12-php-performance-testing.mdx │ │ │ ├── 13-php-security-testing.mdx │ │ │ ├── 14-php-regression-testing.mdx │ │ │ ├── 15-php-testing-best-practices.mdx │ │ │ ├── 2-php-phpunit-framework.mdx │ │ │ ├── 3-php-functional-testing.mdx │ │ │ ├── 4-php-integration-testing.mdx │ │ │ ├── 5-php-mock-object.mdx │ │ │ ├── 6-php-test-stub.mdx │ │ │ ├── 7-php-code-coverage.mdx │ │ │ ├── 8-php-continuous-integration.mdx │ │ │ ├── 9-php-tdd-development.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-php-function │ │ │ ├── 0-php-function-basics.mdx │ │ │ ├── 1-php-function-definition.mdx │ │ │ ├── 10-php-closure.mdx │ │ │ ├── 11-php-callback-function.mdx │ │ │ ├── 12-php-built-in-functions.mdx │ │ │ ├── 13-php-user-defined-function.mdx │ │ │ ├── 14-php-namespace-and-function.mdx │ │ │ ├── 15-php-type-declaration.mdx │ │ │ ├── 16-php-return-type-declaration.mdx │ │ │ ├── 17-php-generator-function.mdx │ │ │ ├── 18-php-function-best-practices.mdx │ │ │ ├── 2-php-function-parameters.mdx │ │ │ ├── 3-php-default-parameters.mdx │ │ │ ├── 4-php-variable-parameters.mdx │ │ │ ├── 5-php-quote-parameters.mdx │ │ │ ├── 6-php-return-value.mdx │ │ │ ├── 7-php-function-call.mdx │ │ │ ├── 8-php-function-recursion.mdx │ │ │ ├── 9-php-anonymous-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-php-api-development │ │ │ ├── 0-php-api-basics.mdx │ │ │ ├── 1-php-restful-api.mdx │ │ │ ├── 10-php-api-cache.mdx │ │ │ ├── 11-php-api-security.mdx │ │ │ ├── 12-php-api-test.mdx │ │ │ ├── 13-php-api-monitoring.mdx │ │ │ ├── 14-php-microservices.mdx │ │ │ ├── 15-php-api-gateway.mdx │ │ │ ├── 16-php-api-best-practices.mdx │ │ │ ├── 2-php-graphql-api.mdx │ │ │ ├── 3-php-soap-api.mdx │ │ │ ├── 4-php-rpc-api.mdx │ │ │ ├── 5-php-api-authentication.mdx │ │ │ ├── 6-php-api-authorization.mdx │ │ │ ├── 7-php-api-version-control.mdx │ │ │ ├── 8-php-api-documentation.mdx │ │ │ ├── 9-php-api-rate-limiting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 21-php-command-line │ │ │ ├── 0-php-cli-basics.mdx │ │ │ ├── 1-php-command-line-script.mdx │ │ │ ├── 10-php-multi-process.mdx │ │ │ ├── 11-php-task-queue.mdx │ │ │ ├── 12-php-process-communication.mdx │ │ │ ├── 13-php-command-line-tool-development.mdx │ │ │ ├── 14-php-command-line-framework.mdx │ │ │ ├── 15-php-command-line-best-practices.mdx │ │ │ ├── 2-php-command-line-parameters.mdx │ │ │ ├── 3-php-command-line-options.mdx │ │ │ ├── 4-php-interactive-shell.mdx │ │ │ ├── 5-php-process-control.mdx │ │ │ ├── 6-php-signal-processing.mdx │ │ │ ├── 7-php-background-tasks.mdx │ │ │ ├── 8-php-scheduled-tasks.mdx │ │ │ ├── 9-php-daemon.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 22-php-modern-features │ │ │ ├── 0-php7-new-features.mdx │ │ │ ├── 1-php8-new-features.mdx │ │ │ ├── 10-php-constructor-property-promotion.mdx │ │ │ ├── 11-php-enumeration-type.mdx │ │ │ ├── 12-php-annotations.mdx │ │ │ ├── 13-php-exception-handling-improvements.mdx │ │ │ ├── 14-php-jit-compilation.mdx │ │ │ ├── 15-php-fibers.mdx │ │ │ ├── 16-php-ffi-extension.mdx │ │ │ ├── 17-php-latest-features-practice.mdx │ │ │ ├── 2-php-type-declaration-system.mdx │ │ │ ├── 3-php-return-type-declaration.mdx │ │ │ ├── 4-php-null-coalescing-operator.mdx │ │ │ ├── 5-php-nullable-type.mdx │ │ │ ├── 6-php-union-type.mdx │ │ │ ├── 7-php-arrow-function.mdx │ │ │ ├── 8-php-attributes.mdx │ │ │ ├── 9-php-named-parameters.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 23-php-deployment-and-operation-and-maintenance │ │ │ ├── 0-php-deployment-basics.mdx │ │ │ ├── 1-php-environment-configuration.mdx │ │ │ ├── 10-php-performance-monitoring.mdx │ │ │ ├── 11-php-log-management.mdx │ │ │ ├── 12-php-error-tracking.mdx │ │ │ ├── 13-php-security-reinforcement.mdx │ │ │ ├── 14-php-automated-deployment.mdx │ │ │ ├── 15-php-continuous-integration-deployment.mdx │ │ │ ├── 16-php-disaster-recovery.mdx │ │ │ ├── 17-php-load-balancing.mdx │ │ │ ├── 18-php-horizontal-expansion.mdx │ │ │ ├── 19-php-operation-and-maintenance-best-practices.mdx │ │ │ ├── 2-php-web-server.mdx │ │ │ ├── 3-php-apache-configuration.mdx │ │ │ ├── 4-php-nginx-configuration.mdx │ │ │ ├── 5-php-fpm-configuration.mdx │ │ │ ├── 6-php-containerization.mdx │ │ │ ├── 7-php-docker-deployment.mdx │ │ │ ├── 8-php-kubernetes-deployment.mdx │ │ │ ├── 9-php-cloud-deployment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 24-php-best-practices │ │ │ ├── 0-php-coding-standards.mdx │ │ │ ├── 1-detailed-explanation-of-php-psr-standard.mdx │ │ │ ├── 10-php-performance-optimization-strategy.mdx │ │ │ ├── 11-php-code-review.mdx │ │ │ ├── 12-php-refactoring-tips.mdx │ │ │ ├── 13-php-version-control.mdx │ │ │ ├── 14-php-team-collaboration.mdx │ │ │ ├── 15-php-continuous-learning.mdx │ │ │ ├── 16-php-community-participation.mdx │ │ │ ├── 17-php-open-source-contribution.mdx │ │ │ ├── 18-php-career-development.mdx │ │ │ ├── 2-php-naming-conventions.mdx │ │ │ ├── 3-php-documentation-comments.mdx │ │ │ ├── 4-php-project-structure.mdx │ │ │ ├── 5-php-modular-design.mdx │ │ │ ├── 6-php-dependency-management.mdx │ │ │ ├── 7-php-error-handling-strategy.mdx │ │ │ ├── 8-php-log-strategy.mdx │ │ │ ├── 9-php-secure-coding.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-php-array │ │ │ ├── 0-php-array-basics.mdx │ │ │ ├── 1-php-array-creation.mdx │ │ │ ├── 10-php-array-filtering.mdx │ │ │ ├── 11-php-array-key-value-operation.mdx │ │ │ ├── 12-php-array-pointer.mdx │ │ │ ├── 13-php-array-and-json.mdx │ │ │ ├── 14-php-array-and-xml.mdx │ │ │ ├── 15-php-array-recursive-operation.mdx │ │ │ ├── 16-php-array-best-practices.mdx │ │ │ ├── 2-php-index-array.mdx │ │ │ ├── 3-php-associative-array.mdx │ │ │ ├── 4-php-multidimensional-array.mdx │ │ │ ├── 5-php-array-traversal.mdx │ │ │ ├── 6-php-array-functions.mdx │ │ │ ├── 7-php-array-sorting.mdx │ │ │ ├── 8-php-array-merge.mdx │ │ │ ├── 9-php-array-split.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-php-strings │ │ │ ├── 0-php-string-basics.mdx │ │ │ ├── 1-php-string-creation.mdx │ │ │ ├── 10-php-pattern-matching.mdx │ │ │ ├── 11-php-string-encoding.mdx │ │ │ ├── 12-php-multibyte-strings.mdx │ │ │ ├── 13-php-character-set-processing.mdx │ │ │ ├── 14-php-html-string-processing.mdx │ │ │ ├── 15-php-string-security-processing.mdx │ │ │ ├── 16-php-string-performance-optimization.mdx │ │ │ ├── 2-php-string-quotes.mdx │ │ │ ├── 3-php-string-concatenation.mdx │ │ │ ├── 4-php-string-functions.mdx │ │ │ ├── 5-php-string-interception.mdx │ │ │ ├── 6-php-string-replacement.mdx │ │ │ ├── 7-php-string-search.mdx │ │ │ ├── 8-php-string-formatting.mdx │ │ │ ├── 9-php-regular-expression.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-php-object-oriented-programming │ │ │ ├── 0-php-object-oriented-basics.mdx │ │ │ ├── 1-php-class-definition.mdx │ │ │ ├── 10-php-constant-properties.mdx │ │ │ ├── 11-php-class-autoloading.mdx │ │ │ ├── 12-php-namespace.mdx │ │ │ ├── 13-php-abstract-class.mdx │ │ │ ├── 14-php-interface.mdx │ │ │ ├── 15-php-features-traits.mdx │ │ │ ├── 16-php-type-constraints.mdx │ │ │ ├── 17-php-delayed-static-binding.mdx │ │ │ ├── 18-php-object-cloning.mdx │ │ │ ├── 19-php-anonymous-class.mdx │ │ │ ├── 2-php-object-creation.mdx │ │ │ ├── 20-php-object-comparison.mdx │ │ │ ├── 21-php-object-serialization.mdx │ │ │ ├── 22-php-object-oriented-best-practices.mdx │ │ │ ├── 3-php-properties.mdx │ │ │ ├── 4-php-method.mdx │ │ │ ├── 5-php-constructor.mdx │ │ │ ├── 6-php-destructor.mdx │ │ │ ├── 7-php-access-control.mdx │ │ │ ├── 8-php-static-properties.mdx │ │ │ ├── 9-php-static-method.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-php-inheritance-and-polymorphism │ │ │ ├── 0-php-inheritance-basics.mdx │ │ │ ├── 1-php-single-inheritance.mdx │ │ │ ├── 10-php-interface-implementation.mdx │ │ │ ├── 11-php-multiple-interfaces.mdx │ │ │ ├── 12-php-interface-inheritance.mdx │ │ │ ├── 13-php-type-constraints-and-inheritance.mdx │ │ │ ├── 14-php-polymorphism.mdx │ │ │ ├── 15-php-final-class.mdx │ │ │ ├── 16-php-final-method.mdx │ │ │ ├── 17-php-inheritance-best-practices.mdx │ │ │ ├── 2-php-multi-layer-inheritance.mdx │ │ │ ├── 3-php-method-rewriting.mdx │ │ │ ├── 4-php-property-rewriting.mdx │ │ │ ├── 5-php-parent-class-access.mdx │ │ │ ├── 6-php-access-control-and-inheritance.mdx │ │ │ ├── 7-php-constructor-inheritance.mdx │ │ │ ├── 8-php-destructor-inheritance.mdx │ │ │ ├── 9-php-abstract-class-inheritance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-php-error-and-exception-handling │ │ │ ├── 0-php-error-basics.mdx │ │ │ ├── 1-php-error-types.mdx │ │ │ ├── 10-php---finally-block.mdx │ │ │ ├── 11-php-exception-hierarchy.mdx │ │ │ ├── 12-php-custom-exception.mdx │ │ │ ├── 13-php-exception-chain.mdx │ │ │ ├── 14-php-error-conversion-to-exception.mdx │ │ │ ├── 15-php-assertions.mdx │ │ │ ├── 16-php-errors-and-exceptions-best-practices.mdx │ │ │ ├── 2-php-error-reporting.mdx │ │ │ ├── 3-php-error-display.mdx │ │ │ ├── 4-php-error-log.mdx │ │ │ ├── 5-php-custom-error-handling.mdx │ │ │ ├── 6-php-exception-basics.mdx │ │ │ ├── 7-php-exception-handling.mdx │ │ │ ├── 8-php-try-catch.mdx │ │ │ ├── 9-php-multiple-catch.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-php-file-operations │ │ │ ├── 0-php-file-basics.mdx │ │ │ ├── 1-php-file-reading.mdx │ │ │ ├── 10-php-file-upload.mdx │ │ │ ├── 11-php-file-download.mdx │ │ │ ├── 12-php-file-locking.mdx │ │ │ ├── 13-php-temporary-files.mdx │ │ │ ├── 14-php-binary-file.mdx │ │ │ ├── 15-php-image-file-processing.mdx │ │ │ ├── 16-php-file-security.mdx │ │ │ ├── 17-php-file-operation-best-practices.mdx │ │ │ ├── 2-php-file-write.mdx │ │ │ ├── 3-php-file-append.mdx │ │ │ ├── 4-php-file-copy.mdx │ │ │ ├── 5-php-file-deletion.mdx │ │ │ ├── 6-php-file-rename.mdx │ │ │ ├── 7-php-file-permissions.mdx │ │ │ ├── 8-php-directory-operations.mdx │ │ │ ├── 9-php-directory-traversal.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-php-sessions-and-cookies │ │ │ ├── 0-php-session-basics.mdx │ │ │ ├── 1-php-session-open.mdx │ │ │ ├── 10-php-delete-cookie.mdx │ │ │ ├── 11-php-cookie-restrictions.mdx │ │ │ ├── 12-php-cookie-security.mdx │ │ │ ├── 13-combining-php-sessions-with-cookies.mdx │ │ │ ├── 14-php-stateless-session.mdx │ │ │ ├── 15-php-session-storage.mdx │ │ │ ├── 16-php-session-management-best-practices.mdx │ │ │ ├── 2-php-session-variables.mdx │ │ │ ├── 3-php-session-id.mdx │ │ │ ├── 4-php-session-destruction.mdx │ │ │ ├── 5-php-session-configuration.mdx │ │ │ ├── 6-php-session-security.mdx │ │ │ ├── 7-php-cookie-basics.mdx │ │ │ ├── 8-php-sets-cookies.mdx │ │ │ ├── 9-php-reads-cookies.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── python │ │ ├── 0-python-basics │ │ │ ├── 0-introduction-to-python.mdx │ │ │ ├── 1-python-environment-setup.mdx │ │ │ ├── 10-python-type-conversion.mdx │ │ │ ├── 11-python-namespace.mdx │ │ │ ├── 12-python-scoping-rules.mdx │ │ │ ├── 13-python-keywords.mdx │ │ │ ├── 2-python-first-program.mdx │ │ │ ├── 3-python-syntax.mdx │ │ │ ├── 4-python-annotations.mdx │ │ │ ├── 5-python-variables.mdx │ │ │ ├── 6-python-data-types.mdx │ │ │ ├── 7-python-constants.mdx │ │ │ ├── 8-python-operators.mdx │ │ │ ├── 9-python-input-and-output.mdx │ │ │ ├── _category_.json │ │ │ ├── img │ │ │ │ ├── logo │ │ │ │ │ ├── django-logo.png │ │ │ │ │ ├── fastapi-logo.png │ │ │ │ │ ├── flask-logo.png │ │ │ │ │ ├── numpy-logo.png │ │ │ │ │ ├── opencv-logo.png │ │ │ │ │ ├── pandas-logo.png │ │ │ │ │ ├── python-logo-master-v3-TM.png │ │ │ │ │ ├── pytorch-logo.png │ │ │ │ │ ├── ros-logo.png │ │ │ │ │ ├── scikit-learn-logo.png │ │ │ │ │ ├── seaborn-logo.svg │ │ │ │ │ └── tensorflow-logo.png │ │ │ │ └── python-installation │ │ │ │ │ ├── python-download.png │ │ │ │ │ ├── python-homebrew.png │ │ │ │ │ ├── python-install.png │ │ │ │ │ └── python-version.png │ │ │ └── index.mdx │ │ ├── 1-python-control-flow │ │ │ ├── 0-python-conditional-statements.mdx │ │ │ ├── 1-python-if-else.mdx │ │ │ ├── 10-python-iterators-and-generators.mdx │ │ │ ├── 11-python-exception-handling.mdx │ │ │ ├── 12-python-try-except.mdx │ │ │ ├── 13-python---finally-clause.mdx │ │ │ ├── 2-python-nested-if.mdx │ │ │ ├── 3-python-loop.mdx │ │ │ ├── 4-python-for-loop.mdx │ │ │ ├── 5-python---while-loop.mdx │ │ │ ├── 6-python-break-continue.mdx │ │ │ ├── 7-python-pass-statement.mdx │ │ │ ├── 8-python-nested-loop.mdx │ │ │ ├── 9-python-list-comprehension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-python-concurrency-programming │ │ │ ├── 0-python-thread-basics.mdx │ │ │ ├── 1-python-thread-creation.mdx │ │ │ ├── 10-python-coroutines.mdx │ │ │ ├── 11-python-asyncio.mdx │ │ │ ├── 12-python-concurrent-performance-optimization.mdx │ │ │ ├── 13-python-global-interpreter-lock.mdx │ │ │ ├── 2-python-thread-synchronization.mdx │ │ │ ├── 3-python-thread-lock.mdx │ │ │ ├── 4-python-thread-communication.mdx │ │ │ ├── 5-python-process.mdx │ │ │ ├── 6-python-multiprocessing.mdx │ │ │ ├── 7-python-process-pool.mdx │ │ │ ├── 8-python-concurrent-programming-model.mdx │ │ │ ├── 9-python-asynchronous-io.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-python-functional-programming │ │ │ ├── 0-python-functional-programming-overview.mdx │ │ │ ├── 1-python---lambda-function.mdx │ │ │ ├── 10-python-function-composition.mdx │ │ │ ├── 11-python-currying.mdx │ │ │ ├── 12-python-lazy-evaluation.mdx │ │ │ ├── 13-python-functional-tool-library.mdx │ │ │ ├── 2-python-high-order-functions.mdx │ │ │ ├── 3-python-map-function.mdx │ │ │ ├── 4-python-filter-function.mdx │ │ │ ├── 5-python-reduce-function.mdx │ │ │ ├── 6-python-list-comprehension.mdx │ │ │ ├── 7-advanced-usage-of-python-decorators.mdx │ │ │ ├── 8-python-closures.mdx │ │ │ ├── 9-python-immutable-data-structures.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-python-data-processing │ │ │ ├── 0-python-data-processing-overview.mdx │ │ │ ├── 1-python-numpy-basics.mdx │ │ │ ├── 10-python-statistical-analysis.mdx │ │ │ ├── 11-python-data-export.mdx │ │ │ ├── 12-python-big-data-processing.mdx │ │ │ ├── 13-python-data-processing-best-practices.mdx │ │ │ ├── 2-python-pandas-basics.mdx │ │ │ ├── 3-python-data-reading.mdx │ │ │ ├── 4-python-data-cleaning.mdx │ │ │ ├── 5-python-data-conversion.mdx │ │ │ ├── 6-python-data-aggregation.mdx │ │ │ ├── 7-python-data-visualization.mdx │ │ │ ├── 8-python-matplotlib-basics.mdx │ │ │ ├── 9-python-seaborn-basics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-python-network-programming │ │ │ ├── 0-python-network-programming-overview.mdx │ │ │ ├── 1-python-socket-programming.mdx │ │ │ ├── 10-python-beautiful-soup.mdx │ │ │ ├── 11-python-scrapy-framework.mdx │ │ │ ├── 12-python-api-interaction.mdx │ │ │ ├── 13-python-network-debugging.mdx │ │ │ ├── 2-python-http-request.mdx │ │ │ ├── 3-python-requests-library.mdx │ │ │ ├── 4-python-network-client.mdx │ │ │ ├── 5-python-web-server.mdx │ │ │ ├── 6-python-asynchronous-network-programming.mdx │ │ │ ├── 7-python-websocket.mdx │ │ │ ├── 8-python-network-security.mdx │ │ │ ├── 9-python-data-crawling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-python-web-development │ │ │ ├── 0-python-web-development-overview.mdx │ │ │ ├── 1-python-flask-framework.mdx │ │ │ ├── 10-python-authentication-authorization.mdx │ │ │ ├── 11-python-restful-api.mdx │ │ │ ├── 12-python-web-security.mdx │ │ │ ├── 13-python-web-deployment.mdx │ │ │ ├── 2-python-django-framework.mdx │ │ │ ├── 3-python-fastapi.mdx │ │ │ ├── 4-python-web-routing.mdx │ │ │ ├── 5-python-template-system.mdx │ │ │ ├── 6-python-orm.mdx │ │ │ ├── 7-python-database-connection.mdx │ │ │ ├── 8-python-form-processing.mdx │ │ │ ├── 9-python-session-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-python-testing-and-debugging │ │ │ ├── 0-python-testing-overview.mdx │ │ │ ├── 1-python-unit-testing.mdx │ │ │ ├── 10-python-continuous-integration.mdx │ │ │ ├── 11-python-automation-testing.mdx │ │ │ ├── 12-python-testing-best-practices.mdx │ │ │ ├── 13-python-debugging-tips.mdx │ │ │ ├── 2-python-pytest-framework.mdx │ │ │ ├── 3-python-test-driven-development.mdx │ │ │ ├── 4-python-mock-object.mdx │ │ │ ├── 5-python-code-coverage.mdx │ │ │ ├── 6-python-debugger.mdx │ │ │ ├── 7-python-logging.mdx │ │ │ ├── 8-python-performance-analysis.mdx │ │ │ ├── 9-python-code-inspection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-python-advanced-topics │ │ │ ├── 0-python-metaprogramming.mdx │ │ │ ├── 1-advanced-usage-of-python-decorators.mdx │ │ │ ├── 10-python-cython.mdx │ │ │ ├── 11-python-interacts-with-other-languages.mdx │ │ │ ├── 12-python-jit-compilation.mdx │ │ │ ├── 13-python-machine-learning-basics.mdx │ │ │ ├── 2-python-descriptor.mdx │ │ │ ├── 3-python-context-managers.mdx │ │ │ ├── 4-python-data-class.mdx │ │ │ ├── 5-python-type-hints.mdx │ │ │ ├── 6-python-design-patterns.mdx │ │ │ ├── 7-python-function-caching.mdx │ │ │ ├── 8-python-code-optimization.mdx │ │ │ ├── 9-python-c-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-python-best-practices │ │ │ ├── 0-python-code-style.mdx │ │ │ ├── 1-python-pep-8-specification.mdx │ │ │ ├── 10-python-version-migration.mdx │ │ │ ├── 11-python-common-pitfalls.mdx │ │ │ ├── 12-best-practices-for-python-production-environment.mdx │ │ │ ├── 13-python-development-toolchain.mdx │ │ │ ├── 2-python-project-structure.mdx │ │ │ ├── 3-python-documentation.mdx │ │ │ ├── 4-python-code-review.mdx │ │ │ ├── 5-python-refactoring-tips.mdx │ │ │ ├── 6-python-performance-optimization.mdx │ │ │ ├── 7-python-memory-optimization.mdx │ │ │ ├── 8-python-security-guide.mdx │ │ │ ├── 9-python-deployment-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-python-function │ │ │ ├── 0-python-function-basics.mdx │ │ │ ├── 1-python-function-parameters.mdx │ │ │ ├── 10-python-parameter-passing.mdx │ │ │ ├── 11-python-high-order-functions.mdx │ │ │ ├── 12-python-built-in-functions.mdx │ │ │ ├── 13-python-module-import.mdx │ │ │ ├── 2-python-return-value.mdx │ │ │ ├── 3-python-function-definition.mdx │ │ │ ├── 4-python-function-call.mdx │ │ │ ├── 5-python-recursion.mdx │ │ │ ├── 6-python-anonymous-function.mdx │ │ │ ├── 7-python-lambda.mdx │ │ │ ├── 8-python-function-decorator.mdx │ │ │ ├── 9-python-global-variables-and-local-variables.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-python-data-structures │ │ │ ├── 0-python-lists.mdx │ │ │ ├── 1-python-list-operations.mdx │ │ │ ├── 10-python-shallow-copy-and-deep-copy.mdx │ │ │ ├── 11-python-data-structure-nesting.mdx │ │ │ ├── 12-python-data-structure-conversion.mdx │ │ │ ├── 13-python-sequence-unpacking.mdx │ │ │ ├── 2-python-list-methods.mdx │ │ │ ├── 3-python-tuple.mdx │ │ │ ├── 4-python-tuple-immutability.mdx │ │ │ ├── 5-python-collections.mdx │ │ │ ├── 6-python-set-operations.mdx │ │ │ ├── 7-python-dictionary.mdx │ │ │ ├── 8-python-dictionary-methods.mdx │ │ │ ├── 9-python-dictionary-comprehension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-python-strings │ │ │ ├── 0-python-string-basics.mdx │ │ │ ├── 1-python-string-methods.mdx │ │ │ ├── 10-python---unicode-handling.mdx │ │ │ ├── 11-python-string-safety.mdx │ │ │ ├── 12-python-text-processing.mdx │ │ │ ├── 2-python-string-formatting.mdx │ │ │ ├── 3-python---f-strings.mdx │ │ │ ├── 4-python-string-slicing.mdx │ │ │ ├── 5-python-string-immutability.mdx │ │ │ ├── 6-python-string-concatenation.mdx │ │ │ ├── 7-python-raw-strings.mdx │ │ │ ├── 8-python-string-encoding.mdx │ │ │ ├── 9-python-regular-expressions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-python-object-oriented-programming │ │ │ ├── 0-python-class-basics.mdx │ │ │ ├── 1-python-object-creation.mdx │ │ │ ├── 10-python-encapsulation.mdx │ │ │ ├── 11-python-polymorphism.mdx │ │ │ ├── 12-python-special-methods.mdx │ │ │ ├── 13-python-attribute-decorator.mdx │ │ │ ├── 2-python-constructor.mdx │ │ │ ├── 3-python-class-attributes.mdx │ │ │ ├── 4-python-instance-methods.mdx │ │ │ ├── 5-python-class-methods.mdx │ │ │ ├── 6-python-static-methods.mdx │ │ │ ├── 7-python-inheritance.mdx │ │ │ ├── 8-python-multiple-inheritance.mdx │ │ │ ├── 9-python-method-rewriting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-python-memory-management │ │ │ ├── 0-python-memory-model.mdx │ │ │ ├── 1-python-variable-reference.mdx │ │ │ ├── 10-python-memory-analysis-tool.mdx │ │ │ ├── 11-python-caching-mechanism.mdx │ │ │ ├── 12-python-memory-views.mdx │ │ │ ├── 2-python-garbage-collection.mdx │ │ │ ├── 3-python-reference-counting.mdx │ │ │ ├── 4-python-circular-reference.mdx │ │ │ ├── 5-python-memory-optimization.mdx │ │ │ ├── 6-python-weak-reference.mdx │ │ │ ├── 7-python-object-life-cycle.mdx │ │ │ ├── 8-python-memory-leak.mdx │ │ │ ├── 9-python-performance-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-python-modules-and-packages │ │ │ ├── 0-python-module-basics.mdx │ │ │ ├── 1-python-module-import.mdx │ │ │ ├── 10-python-dependency-management.mdx │ │ │ ├── 11-python-package-distribution.mdx │ │ │ ├── 12-python-wheel-file.mdx │ │ │ ├── 13-python-project-structure.mdx │ │ │ ├── 2-python-package-creation.mdx │ │ │ ├── 3-python-package-structure.mdx │ │ │ ├── 4-python-namespace-packages.mdx │ │ │ ├── 5-python-import-mechanism.mdx │ │ │ ├── 6-python-module-search-path.mdx │ │ │ ├── 7-python-standard-library-overview.mdx │ │ │ ├── 8-python-third-party-library-installation.mdx │ │ │ ├── 9-python-virtual-environment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-python-file-processing │ │ │ ├── 0-python-file-basics.mdx │ │ │ ├── 1-python-file-open-close.mdx │ │ │ ├── 10-python-directory-operations.mdx │ │ │ ├── 11-python-file-exception-handling.mdx │ │ │ ├── 12-python-file-permissions.mdx │ │ │ ├── 13-python-temporary-files.mdx │ │ │ ├── 2-python-file-reading.mdx │ │ │ ├── 3-python-file-writing.mdx │ │ │ ├── 4-python-file-pointer.mdx │ │ │ ├── 5-python-binary-file.mdx │ │ │ ├── 6-python---csv-file.mdx │ │ │ ├── 7-python-json-processing.mdx │ │ │ ├── 8-python-xml-processing.mdx │ │ │ ├── 9-python-file-path-operations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 9-python-exception-handling │ │ │ ├── 0-python-exception-overview.mdx │ │ │ ├── 1-python-exception-types.mdx │ │ │ ├── 10-python-context-managers.mdx │ │ │ ├── 11-python---with-statement.mdx │ │ │ ├── 12-python-debugging-tips.mdx │ │ │ ├── 13-python-error-log.mdx │ │ │ ├── 2-python-try-except.mdx │ │ │ ├── 3-python-multiple-exception-capture.mdx │ │ │ ├── 4-python---finally-clause.mdx │ │ │ ├── 5-python---else-clause.mdx │ │ │ ├── 6-python-exception-propagation.mdx │ │ │ ├── 7-python-custom-exception.mdx │ │ │ ├── 8-python-exception-chaining.mdx │ │ │ ├── 9-python-assertions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── img │ │ │ └── json-front-end-and-back-end-interaction.png │ ├── swift │ │ ├── 0-swift-basics │ │ │ ├── 0-introduction-to-swift.mdx │ │ │ ├── 1-swift-history.mdx │ │ │ ├── 10-swift-type-safety.mdx │ │ │ ├── 11-swift-operators.mdx │ │ │ ├── 12-swift-string-interpolation.mdx │ │ │ ├── 13-swift-naming-conventions.mdx │ │ │ ├── 2-swift-environment-setup.mdx │ │ │ ├── 3-swift-first-program.mdx │ │ │ ├── 4-swift-syntax-basics.mdx │ │ │ ├── 5-swift-annotations.mdx │ │ │ ├── 6-swift-variables.mdx │ │ │ ├── 7-swift-constants.mdx │ │ │ ├── 8-swift-data-types.mdx │ │ │ ├── 9-swift-type-inference.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-swift-control-flow │ │ │ ├── 0-swift-conditional-statements.mdx │ │ │ ├── 1-swift-if-else.mdx │ │ │ ├── 10-swift-fallthrough.mdx │ │ │ ├── 11-swift---labeled-statements.mdx │ │ │ ├── 12-swift---early-exit.mdx │ │ │ ├── 13-swift---guard-statement.mdx │ │ │ ├── 2-swift---switch-statement.mdx │ │ │ ├── 3-swift-loop.mdx │ │ │ ├── 4-swift---for-loop.mdx │ │ │ ├── 5-swift---while-loop.mdx │ │ │ ├── 6-swift-repeat-while.mdx │ │ │ ├── 7-swift-control-transfer-statement.mdx │ │ │ ├── 8-swift---break-statement.mdx │ │ │ ├── 9-swift---continue-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-swift-error-handling │ │ │ ├── 0-swift-error-handling-basics.mdx │ │ │ ├── 1-swift-error-protocol.mdx │ │ │ ├── 10-swift-error-handling-best-practices.mdx │ │ │ ├── 11-swift-result-type.mdx │ │ │ ├── 12-swift-asynchronous-error-handling.mdx │ │ │ ├── 13-swift-custom-error-type.mdx │ │ │ ├── 2-swift-throws-error.mdx │ │ │ ├── 3-swift-catch-error.mdx │ │ │ ├── 4-swift-propagation-error.mdx │ │ │ ├── 5-swift-cleanup-operations.mdx │ │ │ ├── 6-swift-specifies-error.mdx │ │ │ ├── 7-swift-conversion-error.mdx │ │ │ ├── 8-swift-assertions-and-prerequisites.mdx │ │ │ ├── 9-swift-error-handling-and-optional-values.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-swift-concurrent-programming │ │ │ ├── 0-swift-concurrency-basics.mdx │ │ │ ├── 1-swift-asynchronous-functions.mdx │ │ │ ├── 10-swift-task-cancellation.mdx │ │ │ ├── 11-swift-priority-management.mdx │ │ │ ├── 12-swift-asynchronous-code-debugging.mdx │ │ │ ├── 13-swift-concurrency-safety.mdx │ │ │ ├── 2-swift-tasks.mdx │ │ │ ├── 3-swift-task-force.mdx │ │ │ ├── 4-swift-structured-concurrency.mdx │ │ │ ├── 5-swift-actor-model.mdx │ │ │ ├── 6-swift-isolate-status.mdx │ │ │ ├── 7-swift-asynchronous-sequence.mdx │ │ │ ├── 8-swift-async-properties.mdx │ │ │ ├── 9-swift-asynchronous-iteration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-swift-memory-management │ │ │ ├── 0-swift-arc-basics.mdx │ │ │ ├── 1-swift-reference-cycle.mdx │ │ │ ├── 10-swift-memory-optimization.mdx │ │ │ ├── 11-swift-heap-and-stack.mdx │ │ │ ├── 12-swift-autoreleasepool.mdx │ │ │ ├── 13-swift-memory-debugging-tool.mdx │ │ │ ├── 2-swift-weak-reference.mdx │ │ │ ├── 3-swift-unowned-reference.mdx │ │ │ ├── 4-swift-closure-capture-list.mdx │ │ │ ├── 5-swift-memory-leak-detection.mdx │ │ │ ├── 6-swift-object-lifecycle.mdx │ │ │ ├── 7-swift---deinit-method.mdx │ │ │ ├── 8-swift-value-type-memory.mdx │ │ │ ├── 9-swift-reference-type-memory.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-swift-functional-programming │ │ │ ├── 0-swift-functional-programming-overview.mdx │ │ │ ├── 1-swift-higher-order-functions.mdx │ │ │ ├── 10-swift-partial-function-application.mdx │ │ │ ├── 11-swift-list.mdx │ │ │ ├── 12-swift-functor.mdx │ │ │ ├── 13-swift-applicative-functor.mdx │ │ │ ├── 2-swift---map-function.mdx │ │ │ ├── 3-swift-filter-function.mdx │ │ │ ├── 4-swift-reduce-function.mdx │ │ │ ├── 5-swift---compactmap-function.mdx │ │ │ ├── 6-swift---flatmap-function.mdx │ │ │ ├── 7-swift-function-composition.mdx │ │ │ ├── 8-swift-immutability.mdx │ │ │ ├── 9-swift-currying.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-swift-pattern-matching │ │ │ ├── 0-swift-pattern-matching-basics.mdx │ │ │ ├── 1-swift-wildcard-pattern.mdx │ │ │ ├── 10-patterns-in-swift-switch.mdx │ │ │ ├── 11-swift-if-case-pattern.mdx │ │ │ ├── 12-swift-for-case-pattern.mdx │ │ │ ├── 13-swift-pattern-nesting.mdx │ │ │ ├── 2-swift-identifier-pattern.mdx │ │ │ ├── 3-swift-value-binding-mode.mdx │ │ │ ├── 4-swift-tuple-pattern.mdx │ │ │ ├── 5-swift-enumeration-pattern.mdx │ │ │ ├── 6-swift-optional-mode.mdx │ │ │ ├── 7-swift-type-conversion-mode.mdx │ │ │ ├── 8-swift-expression-patterns.mdx │ │ │ ├── 9-swift-pattern-matching-application.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-swift-access-control │ │ │ ├── 0-swift-access-levels.mdx │ │ │ ├── 1-swift-modules-and-source-files.mdx │ │ │ ├── 10-access-control-in-swift-extensions.mdx │ │ │ ├── 11-swift-protocol-access-control.mdx │ │ │ ├── 12-swift-function-access-control.mdx │ │ │ ├── 13-swift-access-control-best-practices.mdx │ │ │ ├── 2-swift-public-access.mdx │ │ │ ├── 3-swift-internal-access.mdx │ │ │ ├── 4-swift-file-private-access.mdx │ │ │ ├── 5-swift-private-access.mdx │ │ │ ├── 6-swift-default-access-level.mdx │ │ │ ├── 7-swift-custom-type-access.mdx │ │ │ ├── 8-swift-nested-type-access.mdx │ │ │ ├── 9-swift-subclass-access-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-swift-advanced-topics │ │ │ ├── 0-swift-reflection-and-mirroring.mdx │ │ │ ├── 1-swift-runtime-features.mdx │ │ │ ├── 10-swift-underlying-optimization.mdx │ │ │ ├── 11-swift-interoperability.mdx │ │ │ ├── 12-bridging-swift-and-objective-c.mdx │ │ │ ├── 13-swift-and-c-interaction.mdx │ │ │ ├── 2-swift-dynamic-member-lookup.mdx │ │ │ ├── 3-swift-property-wrapper.mdx │ │ │ ├── 4-swift-function-builder.mdx │ │ │ ├── 5-swift-macro-programming.mdx │ │ │ ├── 6-swift-type-metadata.mdx │ │ │ ├── 7-swift-keypath.mdx │ │ │ ├── 8-swift-code-generation.mdx │ │ │ ├── 9-swift-assembly-exploration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-swift-design-patterns │ │ │ ├── 0-swift-design-patterns-overview.mdx │ │ │ ├── 1-swift-singleton-pattern.mdx │ │ │ ├── 10-swift-combination-pattern.mdx │ │ │ ├── 11-swift-proxy-mode.mdx │ │ │ ├── 12-swift-chain-call.mdx │ │ │ ├── 13-swift-responsive-programming.mdx │ │ │ ├── 2-swift-factory-pattern.mdx │ │ │ ├── 3-swift-observer-pattern.mdx │ │ │ ├── 4-swift-strategy-pattern.mdx │ │ │ ├── 5-swift-command-mode.mdx │ │ │ ├── 6-swift-decorator-pattern.mdx │ │ │ ├── 7-swift-adapter-pattern.mdx │ │ │ ├── 8-swift-mvvm-mode.mdx │ │ │ ├── 9-swift-dependency-injection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-swift-ui-development │ │ │ ├── 0-swift-ui-basics.mdx │ │ │ ├── 1-swift-ui-declarative-syntax.mdx │ │ │ ├── 10-swift-ui-component-reuse.mdx │ │ │ ├── 11-swift-ui-data-flow.mdx │ │ │ ├── 12-swift-ui-and-swiftui-framework.mdx │ │ │ ├── 13-swift-ui-performance-optimization.mdx │ │ │ ├── 2-swift-ui-view.mdx │ │ │ ├── 3-swift-ui-state-management.mdx │ │ │ ├── 4-swift-ui-binding.mdx │ │ │ ├── 5-swift-ui-layout.mdx │ │ │ ├── 6-swift-ui-animation.mdx │ │ │ ├── 7-swift-ui-gestures.mdx │ │ │ ├── 8-swift-ui-navigation.mdx │ │ │ ├── 9-swift-ui-list-and-grid.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-swift-network-programming │ │ │ ├── 0-swift-network-basics.mdx │ │ │ ├── 1-swift-urlsession.mdx │ │ │ ├── 10-swift-websocket.mdx │ │ │ ├── 11-swift-restful-api.mdx │ │ │ ├── 12-swift-graphql-client.mdx │ │ │ ├── 13-swift-network-library.mdx │ │ │ ├── 2-swift-http-request.mdx │ │ │ ├── 3-swift-asynchronous-network-call.mdx │ │ │ ├── 4-swift-json-parsing.mdx │ │ │ ├── 5-swift-codable-protocol.mdx │ │ │ ├── 6-swift-network-cache.mdx │ │ │ ├── 7-swift-image-loading.mdx │ │ │ ├── 8-swift-network-status-monitoring.mdx │ │ │ ├── 9-swift-secure-transmission.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-swift-data-types │ │ │ ├── 0-swift-integer.mdx │ │ │ ├── 1-swift-floating-point-numbers.mdx │ │ │ ├── 10-swift-tuple.mdx │ │ │ ├── 11-swift-optional-type.mdx │ │ │ ├── 12-swift-optional-binding.mdx │ │ │ ├── 13-swift-forced-unpacking.mdx │ │ │ ├── 2-swift-boolean.mdx │ │ │ ├── 3-swift-characters.mdx │ │ │ ├── 4-swift-string.mdx │ │ │ ├── 5-swift-string-operations.mdx │ │ │ ├── 6-swift-unicode.mdx │ │ │ ├── 7-swift-type-aliases.mdx │ │ │ ├── 8-swift-type-conversion.mdx │ │ │ ├── 9-swift-type-checking.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 20-swift-data-persistence │ │ │ ├── 0-swift-data-storage-overview.mdx │ │ │ ├── 1-swift-userdefaults.mdx │ │ │ ├── 10-swift-keychain-access.mdx │ │ │ ├── 11-swift-cloudkit-sync.mdx │ │ │ ├── 12-swift-data-encryption.mdx │ │ │ ├── 13-swift-data-backup-and-recovery.mdx │ │ │ ├── 2-swift-file-management.mdx │ │ │ ├── 3-swift-core-data-basics.mdx │ │ │ ├── 4-swift-core-data-model.mdx │ │ │ ├── 5-swift-core-data-relationship.mdx │ │ │ ├── 6-swift-core-data-query.mdx │ │ │ ├── 7-swift-core-data-migration.mdx │ │ │ ├── 8-swift-realm-database.mdx │ │ │ ├── 9-swift-sqlite-usage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 21-swift-testing-and-debugging │ │ │ ├── 0-swift-testing-overview.mdx │ │ │ ├── 1-swift-unit-testing.mdx │ │ │ ├── 10-swift-debugger-visualizers.mdx │ │ │ ├── 11-swift-memory-map.mdx │ │ │ ├── 12-swift-instruments.mdx │ │ │ ├── 13-swift-continuous-integration.mdx │ │ │ ├── 2-swift-xctest-framework.mdx │ │ │ ├── 3-swift-mock-object.mdx │ │ │ ├── 4-swift-ui-testing.mdx │ │ │ ├── 5-swift-performance-testing.mdx │ │ │ ├── 6-swift-test-driven-development.mdx │ │ │ ├── 7-swift-debugging-tips.mdx │ │ │ ├── 8-swift-breakpoint-usage.mdx │ │ │ ├── 9-swift-lldb-command.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 22-swift-best-practices │ │ │ ├── 0-swift-coding-standards.mdx │ │ │ ├── 1-swift-api-design.mdx │ │ │ ├── 10-swift-secure-programming.mdx │ │ │ ├── 11-swift-code-review.mdx │ │ │ ├── 12-swift-refactoring-tips.mdx │ │ │ ├── 13-swift-development-toolchain.mdx │ │ │ ├── 2-swift-documentation.mdx │ │ │ ├── 3-swift-performance-optimization.mdx │ │ │ ├── 4-swift-memory-optimization.mdx │ │ │ ├── 5-swift-architecture-pattern.mdx │ │ │ ├── 6-swift-code-organization.mdx │ │ │ ├── 7-swift-modularity.mdx │ │ │ ├── 8-swift-dependency-management.mdx │ │ │ ├── 9-swift-version-compatibility.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-swift-collection-types │ │ │ ├── 0-swift-array.mdx │ │ │ ├── 1-swift-array-operations.mdx │ │ │ ├── 10-swift-collection-mapping.mdx │ │ │ ├── 11-swift-collection-reduction.mdx │ │ │ ├── 12-swift-collection-type-protocol.mdx │ │ │ ├── 13-swift-immutable-collections.mdx │ │ │ ├── 2-swift-collection.mdx │ │ │ ├── 3-swift-collection-operations.mdx │ │ │ ├── 4-swift-dictionary.mdx │ │ │ ├── 5-swift-dictionary-operations.mdx │ │ │ ├── 6-swift-collection-type-selection.mdx │ │ │ ├── 7-swift-collection-traversal.mdx │ │ │ ├── 8-swift-collection-sorting.mdx │ │ │ ├── 9-swift-collection-filtering.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-swift-function │ │ │ ├── 0-swift-function-basics.mdx │ │ │ ├── 1-swift-function-parameters.mdx │ │ │ ├── 10-swift-function-as-parameter.mdx │ │ │ ├── 11-swift-function-as-return-value.mdx │ │ │ ├── 12-swift-currying-function.mdx │ │ │ ├── 13-swift-inline-function.mdx │ │ │ ├── 2-swift-function-return-value.mdx │ │ │ ├── 3-swift-function-types.mdx │ │ │ ├── 4-swift-nested-functions.mdx │ │ │ ├── 5-swift-closures.mdx │ │ │ ├── 6-swift-closure-expression.mdx │ │ │ ├── 7-swift-trailing-closure.mdx │ │ │ ├── 8-swift-escape-closure.mdx │ │ │ ├── 9-swift-automatic-closure.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-swift-enumeration-and-structure │ │ │ ├── 0-swift-enumeration-basics.mdx │ │ │ ├── 1-swift-enumeration-members.mdx │ │ │ ├── 10-swift-structure-and-class-comparison.mdx │ │ │ ├── 11-swift-value-type-and-reference-type.mdx │ │ │ ├── 12-swift-mutability.mdx │ │ │ ├── 13-swift-memory-management.mdx │ │ │ ├── 2-swift-primitive-value-enumeration.mdx │ │ │ ├── 3-swift-associated-value-enumeration.mdx │ │ │ ├── 4-swift-recursive-enumeration.mdx │ │ │ ├── 5-swift-structure-basics.mdx │ │ │ ├── 6-swift-structure-properties.mdx │ │ │ ├── 7-swift-structure-method.mdx │ │ │ ├── 8-swift-structure-initialization.mdx │ │ │ ├── 9-swift-structure-nesting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-swift-classes-and-objects │ │ │ ├── 0-swift-class-basics.mdx │ │ │ ├── 1-swift-properties.mdx │ │ │ ├── 10-swift-inheritance.mdx │ │ │ ├── 11-swift-method-overriding.mdx │ │ │ ├── 12-swift-property-override.mdx │ │ │ ├── 13-swift-prevent-overwriting.mdx │ │ │ ├── 2-swift-stored-properties.mdx │ │ │ ├── 3-swift-computed-properties.mdx │ │ │ ├── 4-swift-property-observer.mdx │ │ │ ├── 5-swift-type-properties.mdx │ │ │ ├── 6-swift-method.mdx │ │ │ ├── 7-swift-instance-method.mdx │ │ │ ├── 8-swift-type-method.mdx │ │ │ ├── 9-swift-subscript.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-swift-initialization-and-destruction │ │ │ ├── 0-swift-initializer.mdx │ │ │ ├── 1-swift-default-initializer.mdx │ │ │ ├── 10-swift-destruction-process.mdx │ │ │ ├── 11-swift-automatic-reference-counting.mdx │ │ │ ├── 12-swift-circular-reference.mdx │ │ │ ├── 13-swift-weak-reference.mdx │ │ │ ├── 2-swift-custom-initialization.mdx │ │ │ ├── 3-swift-designated-initializer.mdx │ │ │ ├── 4-swift-convenience-initializer.mdx │ │ │ ├── 5-swift-required-initializer.mdx │ │ │ ├── 6-swift-failable-initializer.mdx │ │ │ ├── 7-swift-class-inheritance-initialization.mdx │ │ │ ├── 8-swift-initializer-delegation.mdx │ │ │ ├── 9-swift-two-stage-initialization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-swift-protocols-and-extensions │ │ │ ├── 0-swift-protocol-basics.mdx │ │ │ ├── 1-swift-protocol-requirements.mdx │ │ │ ├── 10-swift-type-extensions.mdx │ │ │ ├── 11-swift-extended-computed-properties.mdx │ │ │ ├── 12-swift-extension-method.mdx │ │ │ ├── 13-swift-extension-initializer.mdx │ │ │ ├── 2-swift-protocol-properties.mdx │ │ │ ├── 3-swift-protocol-method.mdx │ │ │ ├── 4-swift-protocol-initializer.mdx │ │ │ ├── 5-swift-protocols-as-types.mdx │ │ │ ├── 6-swift-protocol-combination.mdx │ │ │ ├── 7-swift-protocol-inheritance.mdx │ │ │ ├── 8-swift-specific-protocols.mdx │ │ │ ├── 9-swift-protocol-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-swift-generics │ │ │ ├── 0-swift-generic-functions.mdx │ │ │ ├── 1-swift-generic-types.mdx │ │ │ ├── 10-swift-generic-type-specialization.mdx │ │ │ ├── 11-swift-generic-code-performance.mdx │ │ │ ├── 12-swift-generics-best-practices.mdx │ │ │ ├── 13-swift-generics-and-protocol-relationship.mdx │ │ │ ├── 2-swift-generic-constraints.mdx │ │ │ ├── 3-swift-associated-types.mdx │ │ │ ├── 4-swift-type-erasure.mdx │ │ │ ├── 5-swift-generic-where-statement.mdx │ │ │ ├── 6-swift-generic-subscript.mdx │ │ │ ├── 7-swift-generic-protocol.mdx │ │ │ ├── 8-swift-conditional-follow.mdx │ │ │ ├── 9-swift-opaque-types.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── typescript │ │ ├── 0-typescript-basics │ │ ├── 0-introduction-to-typescript.mdx │ │ ├── 1-typescript-environment-settings.mdx │ │ ├── 10-typescript-type-conversion.mdx │ │ ├── 11-typescript-namespace.mdx │ │ ├── 12-typescript-scope-rules.mdx │ │ ├── 13-typescript-keywords.mdx │ │ ├── 2-typescript-first-program.mdx │ │ ├── 3-typescript-syntax.mdx │ │ ├── 4-typescript-annotations.mdx │ │ ├── 5-typescript-variables.mdx │ │ ├── 6-typescript-data-types.mdx │ │ ├── 7-typescript-constants.mdx │ │ ├── 8-typescript-operators.mdx │ │ ├── 9-typescript-input-and-output.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-typescript-type-system │ │ ├── 0-typescript-basic-types.mdx │ │ ├── 1-typescript-interface.mdx │ │ ├── 10-typescript-literal-types.mdx │ │ ├── 11-typescript-nullable-types.mdx │ │ ├── 12-typescript-type-declaration-file.mdx │ │ ├── 13-typescript-generics.mdx │ │ ├── 2-typescript-type-annotations.mdx │ │ ├── 3-typescript-type-inference.mdx │ │ ├── 4-typescript-union-types.mdx │ │ ├── 5-typescript-cross-type.mdx │ │ ├── 6-typescript-type-alias.mdx │ │ ├── 7-typescript-type-assertions.mdx │ │ ├── 8-typescript-type-guards.mdx │ │ ├── 9-typescript-type-compatibility.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-typescript-asynchronous-programming │ │ ├── 0-typescript-callback-function.mdx │ │ ├── 1-typescript-promise-basics.mdx │ │ ├── 10-typescript-event-handling.mdx │ │ ├── 11-typescript-asynchronous-pattern.mdx │ │ ├── 12-typescript-asynchronous-utility-function.mdx │ │ ├── 13-typescript-responsive-programming.mdx │ │ ├── 2-typescript-promise-chain.mdx │ │ ├── 3-typescript-promise-combination.mdx │ │ ├── 4-typescript-asyncawait.mdx │ │ ├── 5-typescript-asynchronous-error-handling.mdx │ │ ├── 6-typescript-parallel-execution.mdx │ │ ├── 7-typescript-sequential-execution.mdx │ │ ├── 8-typescript-asynchronous-iterator.mdx │ │ ├── 9-typescript-generator-function.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-typescript-and-javascript-interoperation │ │ ├── 0-typescript-and-javascript-relationship.mdx │ │ ├── 1-typescript-type-declaration-file.mdx │ │ ├── 10-typescript-and-nodejs.mdx │ │ ├── 11-typescript-and-npm-packages.mdx │ │ ├── 12-typescript-and-third-party-libraries.mdx │ │ ├── 13-typescript-and-legacy-code.mdx │ │ ├── 2-typescript-declaration-file-usage.mdx │ │ ├── 3-typescript-declaration-file-writing.mdx │ │ ├── 4-typescript-integration-with-javascript-libraries.mdx │ │ ├── 5-typescript-gradual-migration.mdx │ │ ├── 6-typescript-and-javascript-mixed-project.mdx │ │ ├── 7-typescript-type-definition-management.mdx │ │ ├── 8-typescript-type-declarations-published.mdx │ │ ├── 9-mixing-typescript-and-javascript-code.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-typescript-toolchain │ │ ├── 0-typescript-compiler.mdx │ │ ├── 1-typescript-configuration-file.mdx │ │ ├── 10-typescript-code-analysis.mdx │ │ ├── 11-typescript-performance-optimization.mdx │ │ ├── 12-typescript-project-management.mdx │ │ ├── 13-typescript-version-upgrade.mdx │ │ ├── 2-typescript-build-tool.mdx │ │ ├── 3-typescript-and-webpack.mdx │ │ ├── 4-typescript-and-babel.mdx │ │ ├── 5-typescript-and-eslint.mdx │ │ ├── 6-typescript-and-prettier.mdx │ │ ├── 7-typescript-debugging-techniques.mdx │ │ ├── 8-typescript-testing-framework.mdx │ │ ├── 9-typescript-continuous-integration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-typescript-front-end-development │ │ ├── 0-typescript-and-dom.mdx │ │ ├── 1-typescript-and-event-handling.mdx │ │ ├── 10-typescript-front-end-construction.mdx │ │ ├── 11-typescript-front-end-optimization.mdx │ │ ├── 12-typescript-and-css.mdx │ │ ├── 13-typescript-and-webapi.mdx │ │ ├── 2-typescript-and-react.mdx │ │ ├── 3-typescript-and-vue.mdx │ │ ├── 4-typescript-and-angular.mdx │ │ ├── 5-typescript-component-development.mdx │ │ ├── 6-typescript-state-management.mdx │ │ ├── 7-typescript-form-processing.mdx │ │ ├── 8-typescript-routing-management.mdx │ │ ├── 9-typescript-front-end-testing.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-typescript-backend-development │ │ ├── 0-typescript-and-nodejs.mdx │ │ ├── 1-typescript-express-framework.mdx │ │ ├── 10-typescript-error-handling.mdx │ │ ├── 11-typescript-log-management.mdx │ │ ├── 12-typescript-server-side-rendering.mdx │ │ ├── 13-typescript-microservices.mdx │ │ ├── 2-typescript-nestjs-framework.mdx │ │ ├── 3-typescript-backend-architecture.mdx │ │ ├── 4-typescript-api-development.mdx │ │ ├── 5-typescript-database-operations.mdx │ │ ├── 6-typescript-orm-framework.mdx │ │ ├── 7-typescript-authentication.mdx │ │ ├── 8-typescript-authorization-management.mdx │ │ ├── 9-typescript-middleware.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-typescript-design-patterns │ │ ├── 0-typescript-singleton-pattern.mdx │ │ ├── 1-typescript-factory-pattern.mdx │ │ ├── 10-typescript-mvc-pattern.mdx │ │ ├── 11-typescript-mvvm-mode.mdx │ │ ├── 12-typescript-functional-pattern.mdx │ │ ├── 13-typescript-module-pattern.mdx │ │ ├── 2-typescript-strategy-pattern.mdx │ │ ├── 3-typescript-observer-pattern.mdx │ │ ├── 4-typescript-decorator-pattern.mdx │ │ ├── 5-typescript-adapter-pattern.mdx │ │ ├── 6-typescript-command-pattern.mdx │ │ ├── 7-typescript-state-pattern.mdx │ │ ├── 8-typescript-responsibility-chain-pattern.mdx │ │ ├── 9-typescript-dependency-injection.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-typescript-testing-and-debugging │ │ ├── 0-typescript-unit-testing.mdx │ │ ├── 1-typescript-jest-framework.mdx │ │ ├── 10-typescript-continuous-integration.mdx │ │ ├── 11-typescript-automated-testing.mdx │ │ ├── 12-typescript-testing-best-practices.mdx │ │ ├── 13-typescript-debugging-tools.mdx │ │ ├── 2-typescript-test-driven-development.mdx │ │ ├── 3-typescript-mock-object.mdx │ │ ├── 4-typescript-integration-testing.mdx │ │ ├── 5-typescript-end-to-end-testing.mdx │ │ ├── 6-typescript-performance-testing.mdx │ │ ├── 7-typescript-debugging-techniques.mdx │ │ ├── 8-typescript-error-tracking.mdx │ │ ├── 9-typescript-code-coverage.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-typescript-advanced-topics │ │ ├── 0-typescript-type-system-in-depth.mdx │ │ ├── 1-typescript-type-gymnastics.mdx │ │ ├── 10-typescript-type-safety-mode.mdx │ │ ├── 11-typescript-performance-optimization.mdx │ │ ├── 12-typescript-memory-management.mdx │ │ ├── 13-typescript-concurrency-control.mdx │ │ ├── 2-typescript-type-inference-principle.mdx │ │ ├── 3-typescript-metaprogramming.mdx │ │ ├── 4-typescript-reflection-mechanism.mdx │ │ ├── 5-typescript-symbols-and-tags.mdx │ │ ├── 6-typescript-practical-type-tool.mdx │ │ ├── 7-typescript-advanced-type-inference.mdx │ │ ├── 8-typescript-advanced-type-gymnastics.mdx │ │ ├── 9-typescript-type-level-programming.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 18-typescript-best-practices │ │ ├── 0-typescript-code-style.mdx │ │ ├── 1-typescript-project-structure.mdx │ │ ├── 10-common-typescript-pitfalls.mdx │ │ ├── 11-best-practices-for-typescript-production-environment.mdx │ │ ├── 12-typescript-architecture-design.mdx │ │ ├── 13-typescript-development-toolchain.mdx │ │ ├── 2-typescript-documentation.mdx │ │ ├── 3-typescript-code-review.mdx │ │ ├── 4-typescript-refactoring-tips.mdx │ │ ├── 5-typescript-performance-optimization.mdx │ │ ├── 6-typescript-error-handling-strategy.mdx │ │ ├── 7-typescript-security-guide.mdx │ │ ├── 8-typescript-deployment-strategy.mdx │ │ ├── 9-typescript-version-migration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-typescript-control-flow │ │ ├── 0-typescript-conditional-statements.mdx │ │ ├── 1-typescript-if-else.mdx │ │ ├── 10-typescript-exception-handling.mdx │ │ ├── 11-typescript-try-catch.mdx │ │ ├── 12-typescript---finally-clause.mdx │ │ ├── 13-typescript-error-type.mdx │ │ ├── 2-typescript-switch.mdx │ │ ├── 3-typescript-loop.mdx │ │ ├── 4-typescript-for-loop.mdx │ │ ├── 5-typescript-while-loop.mdx │ │ ├── 6-typescript---do-while-loop.mdx │ │ ├── 7-typescript-break-continue.mdx │ │ ├── 8-typescript-nested-loop.mdx │ │ ├── 9-typescript-iterator.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-typescript-function │ │ ├── 0-typescript-function-basics.mdx │ │ ├── 1-typescript-function-parameters.mdx │ │ ├── 10-typescript-default-parameters.mdx │ │ ├── 11-typescript-rest-parameters.mdx │ │ ├── 12-typescript-function-type.mdx │ │ ├── 13-typescript-constructor.mdx │ │ ├── 2-typescript-return-value.mdx │ │ ├── 3-typescript-function-definition.mdx │ │ ├── 4-typescript-function-call.mdx │ │ ├── 5-typescript-recursion.mdx │ │ ├── 6-typescript-anonymous-function.mdx │ │ ├── 7-typescript-arrow-function.mdx │ │ ├── 8-typescript-function-overloading.mdx │ │ ├── 9-typescript-optional-parameters.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-typescript-object-oriented-programming │ │ ├── 0-typescript-class-basics.mdx │ │ ├── 1-typescript-object-creation.mdx │ │ ├── 10-typescript-encapsulation.mdx │ │ ├── 11-typescript-polymorphism.mdx │ │ ├── 12-typescript-special-methods.mdx │ │ ├── 13-typescript-property-decorator.mdx │ │ ├── 2-typescript-constructor.mdx │ │ ├── 3-typescript-class-properties.mdx │ │ ├── 4-typescript-instance-method.mdx │ │ ├── 5-typescript-static-method.mdx │ │ ├── 6-typescript-access-modifiers.mdx │ │ ├── 7-typescript-inheritance.mdx │ │ ├── 8-typescript-abstract-class.mdx │ │ ├── 9-typescript-method-rewriting.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-typescript-interface-and-type │ │ ├── 0-typescript-interface-basics.mdx │ │ ├── 1-typescript-interface-implementation.mdx │ │ ├── 10-typescript-type-compatibility.mdx │ │ ├── 11-advanced-typescript-type-inference.mdx │ │ ├── 12-typescript-interface-vs-type-alias-comparison.mdx │ │ ├── 13-typescript-structural-type-system.mdx │ │ ├── 2-typescript-interface-inheritance.mdx │ │ ├── 3-typescript-optional-properties.mdx │ │ ├── 4-typescript-read-only-properties.mdx │ │ ├── 5-typescript-function-interface.mdx │ │ ├── 6-typescript-indexable-types.mdx │ │ ├── 7-typescript-class-interface.mdx │ │ ├── 8-typescript-mixed-types.mdx │ │ ├── 9-typescript-interface-extension.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-typescript-advanced-types │ │ ├── 0-typescript-union-types.mdx │ │ ├── 1-typescript-cross-type.mdx │ │ ├── 10-typescript-conditional-types.mdx │ │ ├── 11-typescript-infers-types.mdx │ │ ├── 12-typescript-distributed-conditional-types.mdx │ │ ├── 13-typescript-built-in-tool-type.mdx │ │ ├── 2-typescript-type-guards.mdx │ │ ├── 3-typescript-type-alias.mdx │ │ ├── 4-typescript-string-literal-type.mdx │ │ ├── 5-typescript-numeric-literal-types.mdx │ │ ├── 6-typescript-enumeration-member-types.mdx │ │ ├── 7-typescript-discriminated-union.mdx │ │ ├── 8-typescript-index-type.mdx │ │ ├── 9-typescript-mapping-types.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-typescript-generics │ │ ├── 0-typescript-generics-basics.mdx │ │ ├── 1-typescript-generic-function.mdx │ │ ├── 10-typescript-generic-recursion.mdx │ │ ├── 11-typescript-generic-examples.mdx │ │ ├── 12-typescript-built-in-generics.mdx │ │ ├── 13-typescript-generics-best-practices.mdx │ │ ├── 2-typescript-generic-interface.mdx │ │ ├── 3-typescript-generic-class.mdx │ │ ├── 4-typescript-generic-constraints.mdx │ │ ├── 5-typescript-generic-parameter-default-value.mdx │ │ ├── 6-typescript-multiple-generic-parameters.mdx │ │ ├── 7-typescript-generic-tool-type.mdx │ │ ├── 8-typescript-key-value-pair-mapping.mdx │ │ ├── 9-typescript-conditional-types.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-typescript-modules-and-namespaces │ │ ├── 0-typescript-module-basics.mdx │ │ ├── 1-typescript-module-import-export.mdx │ │ ├── 10-typescript-external-modules.mdx │ │ ├── 11-typescript-declaration-merging.mdx │ │ ├── 12-typescript-global-declaration.mdx │ │ ├── 13-typescript-modules-vs-namespaces.mdx │ │ ├── 2-typescript-default-export.mdx │ │ ├── 3-typescript-named-exports.mdx │ │ ├── 4-typescript-re-export.mdx │ │ ├── 5-typescript-dynamic-import.mdx │ │ ├── 6-typescript-module-parsing.mdx │ │ ├── 7-typescript-namespace.mdx │ │ ├── 8-typescript-nested-namespace.mdx │ │ ├── 9-typescript-namespace-merging.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-typescript-decorator │ │ ├── 0-typescript-decorator-basics.mdx │ │ ├── 1-typescript-class-decorator.mdx │ │ ├── 10-typescript-decorator-and-reflection.mdx │ │ ├── 11-typescript-dependency-injection.mdx │ │ ├── 12-typescript-decorator-limitations.mdx │ │ ├── 13-typescript-decorator-best-practices.mdx │ │ ├── 2-typescript-method-decorator.mdx │ │ ├── 3-typescript-accessor-decorator.mdx │ │ ├── 4-typescript-property-decorator.mdx │ │ ├── 5-typescript-parameter-decorator.mdx │ │ ├── 6-typescript-decorator-factory.mdx │ │ ├── 7-typescript-multiple-decorators.mdx │ │ ├── 8-typescript-decorator-metadata.mdx │ │ ├── 9-typescript-example-application.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── middleware │ ├── eureka │ │ ├── 0-eureka-basics │ │ │ ├── 0-eureka-introduction.mdx │ │ │ ├── 1-eureka-history-and-development.mdx │ │ │ ├── 10-eureka-input-and-output.mdx │ │ │ ├── 11-eureka-type-conversion.mdx │ │ │ ├── 12-eureka-naming-convention.mdx │ │ │ ├── 13-eureka-code-indentation.mdx │ │ │ ├── 14-list-of-eureka-keywords.mdx │ │ │ ├── 2-eureka-environment-construction.mdx │ │ │ ├── 3-eureka-basic-syntax.mdx │ │ │ ├── 4-eureka-first-program.mdx │ │ │ ├── 5-eureka-annotation-specification.mdx │ │ │ ├── 6-eureka-variable-declaration.mdx │ │ │ ├── 7-eureka-data-type.mdx │ │ │ ├── 8-eureka-constant-definition.mdx │ │ │ ├── 9-eureka-operator.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-eureka-control-flow │ │ │ ├── 0-eureka-conditional-statements.mdx │ │ │ ├── 1-eureka-if-else-structure.mdx │ │ │ ├── 10-eureka-nested-loop.mdx │ │ │ ├── 11-eureka-loop-control-skills.mdx │ │ │ ├── 12-eureka-conditional-expressions.mdx │ │ │ ├── 13-eureka-exception-handling-basics.mdx │ │ │ ├── 2-eureka-nested-conditions.mdx │ │ │ ├── 3-eureka-switch-statement.mdx │ │ │ ├── 4-eureka-loop-structure.mdx │ │ │ ├── 5-eureka-for-loop.mdx │ │ │ ├── 6-eureka---while-loop.mdx │ │ │ ├── 7-eureka---do-while-loop.mdx │ │ │ ├── 8-eureka-break-statement.mdx │ │ │ ├── 9-eureka-continue-statement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-eureka-concurrent-programming │ │ │ ├── 0-eureka-thread-basics.mdx │ │ │ ├── 1-eureka-thread-creation.mdx │ │ │ ├── 10-eureka-coroutine.mdx │ │ │ ├── 11-eureka-parallel-algorithm.mdx │ │ │ ├── 12-eureka-atomic-operation.mdx │ │ │ ├── 13-eureka-memory-model-and-concurrency.mdx │ │ │ ├── 2-eureka-thread-synchronization.mdx │ │ │ ├── 3-eureka-mutex-lock.mdx │ │ │ ├── 4-eureka-read-write-lock.mdx │ │ │ ├── 5-eureka-condition-variables.mdx │ │ │ ├── 6-eureka-semaphore.mdx │ │ │ ├── 7-eureka-thread-pool.mdx │ │ │ ├── 8-eureka-task-queue.mdx │ │ │ ├── 9-eureka-asynchronous-programming.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-eureka-functional-programming │ │ │ ├── 0-eureka-functional-programming-concepts.mdx │ │ │ ├── 1-eureka-pure-function.mdx │ │ │ ├── 10-eureka-reduction-operation.mdx │ │ │ ├── 11-eureka-functors-and-monads.mdx │ │ │ ├── 12-eureka-pattern-matching.mdx │ │ │ ├── 13-eureka-functional-data-structure.mdx │ │ │ ├── 2-eureka-high-order-functions.mdx │ │ │ ├── 3-eureka-function-combination.mdx │ │ │ ├── 4-eureka-currying.mdx │ │ │ ├── 5-eureka-partial-application.mdx │ │ │ ├── 6-eureka-lazy-evaluation.mdx │ │ │ ├── 7-eureka-immutable-data.mdx │ │ │ ├── 8-eureka-mapping-operation.mdx │ │ │ ├── 9-eureka-filter-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-eureka-data-processing │ │ │ ├── 0-eureka-data-processing-overview.mdx │ │ │ ├── 1-eureka-numerical-calculation.mdx │ │ │ ├── 10-eureka-big-data-processing.mdx │ │ │ ├── 11-eureka-stream-processing.mdx │ │ │ ├── 12-eureka-data-compression.mdx │ │ │ ├── 13-eureka-data-security.mdx │ │ │ ├── 2-eureka-math-library.mdx │ │ │ ├── 3-eureka-data-analysis-basics.mdx │ │ │ ├── 4-eureka-data-visualization.mdx │ │ │ ├── 5-eureka-statistical-analysis.mdx │ │ │ ├── 6-eureka-data-filtering.mdx │ │ │ ├── 7-eureka-data-aggregation.mdx │ │ │ ├── 8-eureka-data-conversion.mdx │ │ │ ├── 9-eureka-data-import-and-export.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-eureka-network-programming │ │ │ ├── 0-eureka-network-programming-basics.mdx │ │ │ ├── 1-eureka-socket-programming.mdx │ │ │ ├── 10-eureka-encrypted-communication.mdx │ │ │ ├── 11-eureka-authentication-and-authorization.mdx │ │ │ ├── 12-eureka-distributed-communication.mdx │ │ │ ├── 13-eureka-microservice-communication.mdx │ │ │ ├── 2-eureka-tcp-programming.mdx │ │ │ ├── 3-eureka-udp-programming.mdx │ │ │ ├── 4-eureka-http-client.mdx │ │ │ ├── 5-eureka-network-server.mdx │ │ │ ├── 6-eureka-asynchronous-network-programming.mdx │ │ │ ├── 7-eureka-websocket.mdx │ │ │ ├── 8-eureka-network-protocol-implementation.mdx │ │ │ ├── 9-eureka-network-security.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-eureka-web-development │ │ │ ├── 0-eureka-web-development-overview.mdx │ │ │ ├── 1-eureka-web-framework.mdx │ │ │ ├── 10-eureka-restful-api.mdx │ │ │ ├── 11-eureka-websocket-application.mdx │ │ │ ├── 12-eureka-web-security.mdx │ │ │ ├── 13-eureka-web-service-deployment.mdx │ │ │ ├── 2-eureka-routing-system.mdx │ │ │ ├── 3-eureka-template-engine.mdx │ │ │ ├── 4-eureka-orm-framework.mdx │ │ │ ├── 5-eureka-database-interaction.mdx │ │ │ ├── 6-eureka-form-processing.mdx │ │ │ ├── 7-eureka-session-management.mdx │ │ │ ├── 8-eureka-user-authentication.mdx │ │ │ ├── 9-eureka-permission-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-eureka-testing-and-debugging │ │ │ ├── 0-eureka-test-basics.mdx │ │ │ ├── 1-eureka-unit-test.mdx │ │ │ ├── 10-eureka-continuous-integration.mdx │ │ │ ├── 11-eureka-automated-testing.mdx │ │ │ ├── 12-eureka-error-diagnosis.mdx │ │ │ ├── 13-best-practices-for-eureka-testing.mdx │ │ │ ├── 2-eureka-integration-test.mdx │ │ │ ├── 3-eureka-test-driven-development.mdx │ │ │ ├── 4-eureka-mock-object.mdx │ │ │ ├── 5-eureka-test-framework.mdx │ │ │ ├── 6-eureka-code-coverage.mdx │ │ │ ├── 7-eureka-debugging-tool.mdx │ │ │ ├── 8-eureka-performance-analysis.mdx │ │ │ ├── 9-eureka-code-review.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-eureka-advanced-topics │ │ │ ├── 0-eureka-metaprogramming.mdx │ │ │ ├── 1-eureka-reflection-mechanism.mdx │ │ │ ├── 10-eureka-embedded-application.mdx │ │ │ ├── 11-eureka-graphical-interface-development.mdx │ │ │ ├── 12-eureka-game-development.mdx │ │ │ ├── 13-eureka-artificial-intelligence-application.mdx │ │ │ ├── 2-eureka-code-generation.mdx │ │ │ ├── 3-eureka-dynamic-compilation.mdx │ │ │ ├── 4-eureka-design-pattern.mdx │ │ │ ├── 5-eureka-architecture-pattern.mdx │ │ │ ├── 6-eureka-performance-optimization.mdx │ │ │ ├── 7-eureka-security-programming.mdx │ │ │ ├── 8-eureka-cross-platform-development.mdx │ │ │ ├── 9-eureka-system-calls.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-eureka-best-practices │ │ │ ├── 0-eureka-coding-standards.mdx │ │ │ ├── 1-eureka-project-structure.mdx │ │ │ ├── 10-eureka-collaborative-development.mdx │ │ │ ├── 11-eureka-common-pitfalls.mdx │ │ │ ├── 12-eureka-production-environment-practice.mdx │ │ │ ├── 13-eureka-development-toolchain.mdx │ │ │ ├── 2-eureka-documentation-writing.mdx │ │ │ ├── 3-eureka-code-review.mdx │ │ │ ├── 4-eureka-refactoring-tips.mdx │ │ │ ├── 5-eureka-performance-tuning.mdx │ │ │ ├── 6-eureka-memory-optimization.mdx │ │ │ ├── 7-eureka-security-guide.mdx │ │ │ ├── 8-eureka-deployment-strategy.mdx │ │ │ ├── 9-eureka-version-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-eureka-functions │ │ │ ├── 0-eureka-function-basics.mdx │ │ │ ├── 1-eureka-function-definition.mdx │ │ │ ├── 10-eureka-closure.mdx │ │ │ ├── 11-eureka-callback-function.mdx │ │ │ ├── 12-eureka-high-order-functions.mdx │ │ │ ├── 13-eureka-built-in-function-library.mdx │ │ │ ├── 2-eureka-function-parameters.mdx │ │ │ ├── 3-eureka-return-value.mdx │ │ │ ├── 4-eureka-function-call.mdx │ │ │ ├── 5-eureka-function-overloading.mdx │ │ │ ├── 6-eureka-recursive-function.mdx │ │ │ ├── 7-eureka-inline-function.mdx │ │ │ ├── 8-eureka-function-template.mdx │ │ │ ├── 9-eureka-anonymous-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-eureka-data-structure │ │ │ ├── 0-eureka-array.mdx │ │ │ ├── 1-eureka-array-operations.mdx │ │ │ ├── 10-eureka-collection.mdx │ │ │ ├── 11-eureka-mapping.mdx │ │ │ ├── 12-eureka-priority-queue.mdx │ │ │ ├── 13-eureka-custom-data-structure.mdx │ │ │ ├── 2-eureka-multidimensional-array.mdx │ │ │ ├── 3-eureka-linked-list.mdx │ │ │ ├── 4-eureka-stack.mdx │ │ │ ├── 5-eureka-queue.mdx │ │ │ ├── 6-eureka-tree-structure.mdx │ │ │ ├── 7-eureka-binary-tree.mdx │ │ │ ├── 8-eureka-graph-structure.mdx │ │ │ ├── 9-eureka-hash-table.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-eureka-string-processing │ │ │ ├── 0-eureka-string-basics.mdx │ │ │ ├── 1-eureka-string-operations.mdx │ │ │ ├── 10-eureka-text-processing.mdx │ │ │ ├── 11-eureka-string-optimization.mdx │ │ │ ├── 12-eureka-string-security.mdx │ │ │ ├── 13-eureka-pattern-matching.mdx │ │ │ ├── 2-eureka-string-functions.mdx │ │ │ ├── 3-eureka-string-formatting.mdx │ │ │ ├── 4-eureka-string-lookup.mdx │ │ │ ├── 5-eureka-string-replacement.mdx │ │ │ ├── 6-eureka-string-split.mdx │ │ │ ├── 7-eureka-regular-expression.mdx │ │ │ ├── 8-eureka-character-encoding.mdx │ │ │ ├── 9-eureka-internationalization-support.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-eureka-object-oriented-programming │ │ │ ├── 0-eureka-classes-and-objects.mdx │ │ │ ├── 1-eureka-object-creation.mdx │ │ │ ├── 10-eureka-package.mdx │ │ │ ├── 11-eureka-polymorphism.mdx │ │ │ ├── 12-eureka-abstract-class.mdx │ │ │ ├── 13-eureka-interface-implementation.mdx │ │ │ ├── 2-eureka-constructor.mdx │ │ │ ├── 3-eureka-destructor.mdx │ │ │ ├── 4-eureka-class-properties.mdx │ │ │ ├── 5-eureka-instance-methods.mdx │ │ │ ├── 6-eureka-static-methods.mdx │ │ │ ├── 7-eureka-inheritance.mdx │ │ │ ├── 8-eureka-multiple-inheritance.mdx │ │ │ ├── 9-eureka-method-rewriting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-eureka-memory-management │ │ │ ├── 0-eureka-memory-model.mdx │ │ │ ├── 1-eureka-memory-allocation.mdx │ │ │ ├── 10-eureka-object-life-cycle.mdx │ │ │ ├── 11-eureka-memory-alignment.mdx │ │ │ ├── 12-eureka-memory-pool.mdx │ │ │ ├── 13-eureka-memory-debugging-tool.mdx │ │ │ ├── 2-eureka-memory-release.mdx │ │ │ ├── 3-eureka-garbage-collection.mdx │ │ │ ├── 4-eureka-reference-counting.mdx │ │ │ ├── 5-eureka-pointer-basics.mdx │ │ │ ├── 6-eureka-smart-pointer.mdx │ │ │ ├── 7-eureka-memory-leak.mdx │ │ │ ├── 8-eureka-memory-optimization.mdx │ │ │ ├── 9-eureka-heap-and-stack.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-eureka-modules-and-packages │ │ │ ├── 0-eureka-module-concept.mdx │ │ │ ├── 1-eureka-module-import.mdx │ │ │ ├── 10-eureka-version-control.mdx │ │ │ ├── 11-eureka-package-release.mdx │ │ │ ├── 12-eureka-plugin-mechanism.mdx │ │ │ ├── 13-eureka-project-structure-specification.mdx │ │ │ ├── 2-eureka-package-structure.mdx │ │ │ ├── 3-eureka-package-creation.mdx │ │ │ ├── 4-eureka-namespace.mdx │ │ │ ├── 5-eureka-module-dependencies.mdx │ │ │ ├── 6-eureka-module-search-path.mdx │ │ │ ├── 7-overview-of-the-eureka-standard-library.mdx │ │ │ ├── 8-eureka-third-party-library-usage.mdx │ │ │ ├── 9-eureka-library-management-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-eureka-file-processing │ │ │ ├── 0-eureka-file-basics.mdx │ │ │ ├── 1-eureka-file-open-and-close.mdx │ │ │ ├── 10-eureka-file-path-operation.mdx │ │ │ ├── 11-eureka-directory-management.mdx │ │ │ ├── 12-eureka-file-permission-control.mdx │ │ │ ├── 13-eureka-file-stream-processing.mdx │ │ │ ├── 2-eureka-file-reading.mdx │ │ │ ├── 3-eureka-file-writing.mdx │ │ │ ├── 4-eureka-file-pointer-operation.mdx │ │ │ ├── 5-eureka-binary-file.mdx │ │ │ ├── 6-eureka-text-file.mdx │ │ │ ├── 7-eureka-csv-file-processing.mdx │ │ │ ├── 8-eureka-json-processing.mdx │ │ │ ├── 9-eureka-xml-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-eureka-exception-handling │ │ │ ├── 0-eureka-exception-overview.mdx │ │ │ ├── 1-eureka-exception-type.mdx │ │ │ ├── 10-eureka-assertions.mdx │ │ │ ├── 11-eureka-error-code.mdx │ │ │ ├── 12-eureka-logging.mdx │ │ │ ├── 13-eureka-debugging-tips.mdx │ │ │ ├── 2-eureka-exception-capture.mdx │ │ │ ├── 3-eureka-multiple-exception-handling.mdx │ │ │ ├── 4-eureka-exception-thrown.mdx │ │ │ ├── 5-eureka-custom-exception.mdx │ │ │ ├── 6-eureka-exception-chain.mdx │ │ │ ├── 7-eureka-exception-safety-programming.mdx │ │ │ ├── 8-eureka-resource-cleanup.mdx │ │ │ ├── 9-eureka-raii-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── kafka │ │ ├── 0-kafka-foundation │ │ │ ├── 0-introduction-to-kafka.mdx │ │ │ ├── 1-kafka-architecture-overview.mdx │ │ │ ├── 10-kafka-command-line-tool.mdx │ │ │ ├── 11-kafka-configuration-parameters.mdx │ │ │ ├── 12-kafka-monitoring-basics.mdx │ │ │ ├── 13-kafka-version-features.mdx │ │ │ ├── 2-kafka-installation-configuration.mdx │ │ │ ├── 3-kafka-core-concepts.mdx │ │ │ ├── 4-kafka-producer.mdx │ │ │ ├── 5-kafka-consumer.mdx │ │ │ ├── 6-kafka-theme-management.mdx │ │ │ ├── 7-kafka-partition-policy.mdx │ │ │ ├── 8-kafka-messaging-semantics.mdx │ │ │ ├── 9-kafka-cluster-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-kafka-core-components │ │ │ ├── 0-kafka-broker-architecture.mdx │ │ │ ├── 1-kafka-zookeeper-integration.mdx │ │ │ ├── 10-kafka-network-layer-implementation.mdx │ │ │ ├── 11-kafka-metadata-management.mdx │ │ │ ├── 12-kafka-security-components.mdx │ │ │ ├── 13-kafka-cluster-role.mdx │ │ │ ├── 2-kafka-controller-mechanism.mdx │ │ │ ├── 3-kafka-replica-mechanism.mdx │ │ │ ├── 4-kafka-partition-allocation.mdx │ │ │ ├── 5-kafka-storage-mechanism.mdx │ │ │ ├── 6-kafka-log-management.mdx │ │ │ ├── 7-kafka-message-format.mdx │ │ │ ├── 8-kafka-message-compression.mdx │ │ │ ├── 9-kafka-request-handling-process.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-kafka-performance-and-optimization │ │ │ ├── 0-kafka-performance-benchmark.mdx │ │ │ ├── 1-kafka-throughput-optimization.mdx │ │ │ ├── 10-kafka-bottleneck-identification.mdx │ │ │ ├── 11-kafka-performance-troubleshooting.mdx │ │ │ ├── 12-kafka-extensibility-testing.mdx │ │ │ ├── 13-kafka-load-balancing-strategy.mdx │ │ │ ├── 2-kafka-delay-optimization.mdx │ │ │ ├── 3-kafka-memory-management.mdx │ │ │ ├── 4-kafka-disk-io-optimization.mdx │ │ │ ├── 5-kafka-network-optimization.mdx │ │ │ ├── 6-kafka-jvm-tuning.mdx │ │ │ ├── 7-kafka-operating-system-tuning.mdx │ │ │ ├── 8-optimization-of-kafka-parameters.mdx │ │ │ ├── 9-analysis-of-kafka-monitoring-indicators.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-kafka-scenario │ │ │ ├── 0-kafka-log-aggregation-application.mdx │ │ │ ├── 1-kafka-messaging-application.mdx │ │ │ ├── 10-kafka-cache-invalidation-application.mdx │ │ │ ├── 11-kafka-internet-of-things-applications.mdx │ │ │ ├── 12-kafka-financial-application.mdx │ │ │ ├── 13-kafka-e-commerce-application.mdx │ │ │ ├── 2-kafka-streaming-applications.mdx │ │ │ ├── 3-kafka-metrics-monitoring-application.mdx │ │ │ ├── 4-kafka-activity-tracking-app.mdx │ │ │ ├── 5-kafka-audit-system-application.mdx │ │ │ ├── 6-kafka-etl-process-application.mdx │ │ │ ├── 7-kafka-real-time-analytics-application.mdx │ │ │ ├── 8-kafka-microservice-decoupling-application.mdx │ │ │ ├── 9-kafka-data-synchronization-application.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-kafka-safety-and-compliance │ │ │ ├── 0-kafka-security-architecture.mdx │ │ │ ├── 1-kafka-authentication-configuration.mdx │ │ │ ├── 10-kafka-privacy-protection.mdx │ │ │ ├── 11-kafka-security-best-practices.mdx │ │ │ ├── 12-kafka-security-troubleshooting.mdx │ │ │ ├── 13-kafka-security-monitoring.mdx │ │ │ ├── 2-kafka-authorization-configuration.mdx │ │ │ ├── 3-kafka-ssltls-configuration.mdx │ │ │ ├── 4-kafka-sasl-configuration.mdx │ │ │ ├── 5-kafka-acl-management.mdx │ │ │ ├── 6-kafka-security-audit.mdx │ │ │ ├── 7-kafka-data-encryption.mdx │ │ │ ├── 8-kafka-compliance-policy.mdx │ │ │ ├── 9-kafka-data-governance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-kafka-deployment-and-containerization │ │ │ ├── 0-kafka-bare-metal-deployment.mdx │ │ │ ├── 1-kafka-virtual-machine-deployment.mdx │ │ │ ├── 10-kafka-service-discovery.mdx │ │ │ ├── 11-kafka-high-availability-configuration.mdx │ │ │ ├── 12-kafka-multi-region-deployment.mdx │ │ │ ├── 13-kafka-deployment-best-practices.mdx │ │ │ ├── 2-kafka-docker-containerization.mdx │ │ │ ├── 3-kafka-kubernetes-deployment.mdx │ │ │ ├── 4-kafka-helm-charts.mdx │ │ │ ├── 5-kafka-cluster-automation-deployment.mdx │ │ │ ├── 6-kafka-cloud-platform-deployment.mdx │ │ │ ├── 7-kafka-configuration-management.mdx │ │ │ ├── 8-kafka-environmental-isolation.mdx │ │ │ ├── 9-kafka-persistent-storage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-kafka-troubleshooting │ │ │ ├── 0-kafka-common-fault-analysis.mdx │ │ │ ├── 1-troubleshooting-kafka.mdx │ │ │ ├── 10-kafka-zookeeper-failure.mdx │ │ │ ├── 11-kafka-log-analysis-technology.mdx │ │ │ ├── 12-kafka-disaster-recovery-process.mdx │ │ │ ├── 13-kafka-troubleshooting.mdx │ │ │ ├── 2-kafka-cluster-recovery.mdx │ │ │ ├── 3-kafka-data-loss-handling.mdx │ │ │ ├── 4-kafka-network-partition-processing.mdx │ │ │ ├── 5-kafka-disk-troubleshooting.mdx │ │ │ ├── 6-kafka-performance-degradation-analysis.mdx │ │ │ ├── 7-kafka-consumer-delay-analysis.mdx │ │ │ ├── 8-kafka-producer-troubleshooting.mdx │ │ │ ├── 9-kafka-replica-synchronization-issue.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-kafka-ecosystem │ │ │ ├── 0-kafka-ecological-overview.mdx │ │ │ ├── 1-kafka-and-schema-registry.mdx │ │ │ ├── 10-kafka-and-prometheus.mdx │ │ │ ├── 11-kafka-and-grafana.mdx │ │ │ ├── 12-kafka-integration-with-elk.mdx │ │ │ ├── 2-kafka-and-ksql.mdx │ │ │ ├── 3-kafka-and-confluent-platform.mdx │ │ │ ├── 4-kafka-and-kafka-replicator.mdx │ │ │ ├── 5-kafka-and-mirrormaker.mdx │ │ │ ├── 6-kafka-and-cruise-control.mdx │ │ │ ├── 7-kafka-and-burrow.mdx │ │ │ ├── 8-kafka-and-kafdrop.mdx │ │ │ ├── 9-kafka-and-kafka-manager.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-kafka-producer-development │ │ │ ├── 0-kafka-producer-base.mdx │ │ │ ├── 1-kafka-producer-configuration.mdx │ │ │ ├── 10-kafka-sync-send.mdx │ │ │ ├── 11-kafka-producer-performance-tuning.mdx │ │ │ ├── 12-kafka-producer-monitoring.mdx │ │ │ ├── 13-kafka-producer-best-practices.mdx │ │ │ ├── 2-kafka-message-sending-mode.mdx │ │ │ ├── 3-kafka-partitioner-implementation.mdx │ │ │ ├── 4-kafka-serializer.mdx │ │ │ ├── 5-kafka-producer-blocker.mdx │ │ │ ├── 6-kafka-producer-affairs.mdx │ │ │ ├── 7-kafka-idempotency-implementation.mdx │ │ │ ├── 8-kafka-batch-mechanism.mdx │ │ │ ├── 9-kafka-send-asynchronously.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-kafka-consumer-development │ │ │ ├── 0-kafka-consumer-base.mdx │ │ │ ├── 1-kafka-consumer-configuration.mdx │ │ │ ├── 10-kafka-consumer-affairs.mdx │ │ │ ├── 11-kafka-consumer-performance-tuning.mdx │ │ │ ├── 12-kafka-consumer-monitoring.mdx │ │ │ ├── 13-kafka-consumer-best-practices.mdx │ │ │ ├── 2-kafka-consumer-group.mdx │ │ │ ├── 3-kafka-partition-allocation-policy.mdx │ │ │ ├── 4-kafka-offset-management.mdx │ │ │ ├── 5-kafka-deserializer.mdx │ │ │ ├── 6-kafka-consumer-blocker.mdx │ │ │ ├── 7-kafka-consumption-offset-submission.mdx │ │ │ ├── 8-kafka-rebalancing-mechanism.mdx │ │ │ ├── 9-kafka-consumer-multithreading.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-kafka-streaming │ │ │ ├── 0-introduction-to-kafka-streams.mdx │ │ │ ├── 1-kafka-streams-architecture.mdx │ │ │ ├── 10-kafka-streams-monitoring.mdx │ │ │ ├── 11-kafka-streams-application-deployment.mdx │ │ │ ├── 12-kafka-streams-performance-optimization.mdx │ │ │ ├── 13-kafka-streams-best-practices.mdx │ │ │ ├── 2-kafka-streams-dsl.mdx │ │ │ ├── 3-kafka-streams-processor-api.mdx │ │ │ ├── 4-kafka-streams-state-storage.mdx │ │ │ ├── 5-kafka-streams-window-operation.mdx │ │ │ ├── 6-kafka-streams-connection-operation.mdx │ │ │ ├── 7-kafka-streams-aggregation-operation.mdx │ │ │ ├── 8-kafka-streams-fault-tolerance-mechanism.mdx │ │ │ ├── 9-kafka-streams-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-kafka-connect │ │ │ ├── 0-introduction-to-kafka-connect.mdx │ │ │ ├── 1-kafka-connect-architecture.mdx │ │ │ ├── 10-kafka-connect-fault-tolerance.mdx │ │ │ ├── 11-kafka-connect-extension.mdx │ │ │ ├── 12-kafka-connect-integration-case.mdx │ │ │ ├── 13-kafka-connect-best-practices.mdx │ │ │ ├── 2-kafka-connect-deployment-model.mdx │ │ │ ├── 3-kafka-source-connector.mdx │ │ │ ├── 4-kafka-sink-connector.mdx │ │ │ ├── 5-kafka-connect-converter.mdx │ │ │ ├── 6-kafka-connect-configuration-management.mdx │ │ │ ├── 7-kafka-connect-rest-api.mdx │ │ │ ├── 8-kafka-connect-plugin-development.mdx │ │ │ ├── 9-kafka-connect-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-kafka-integration-development │ │ │ ├── 0-kafka-java-client.mdx │ │ │ ├── 1-kafka-python-client.mdx │ │ │ ├── 10-kafka-integration-with-elasticsearch.mdx │ │ │ ├── 11-kafka-integration-with-database.mdx │ │ │ ├── 12-kafka-integration-with-microservices.mdx │ │ │ ├── 13-kafka-cross-data-center-replication.mdx │ │ │ ├── 2-kafka-go-client.mdx │ │ │ ├── 3-kafka-net-client.mdx │ │ │ ├── 4-kafka-nodejs-client.mdx │ │ │ ├── 5-kafka-rest-agent.mdx │ │ │ ├── 6-kafka-integration-with-spring.mdx │ │ │ ├── 7-kafka-integration-with-spark.mdx │ │ │ ├── 8-kafka-integration-with-flink.mdx │ │ │ ├── 9-kafka-integration-with-hadoop.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-kafka-management-om │ │ │ ├── 0-kafka-cluster-planning.mdx │ │ │ ├── 1-kafka-hardware-selection.mdx │ │ │ ├── 10-kafka-security-management.mdx │ │ │ ├── 11-kafka-resource-configuration.mdx │ │ │ ├── 12-kafka-om-automation.mdx │ │ │ ├── 13-kafka-disaster-recovery.mdx │ │ │ ├── 2-kafka-capacity-planning.mdx │ │ │ ├── 3-kafka-cluster-monitoring.mdx │ │ │ ├── 4-kafka-performance-tuning.mdx │ │ │ ├── 5-kafka-log-management.mdx │ │ │ ├── 6-kafka-troubleshooting.mdx │ │ │ ├── 7-kafka-expansion-operation.mdx │ │ │ ├── 8-kafka-backup-restore.mdx │ │ │ ├── 9-kafka-escalation-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-kafka-advanced-features │ │ │ ├── 0-kafka-transaction-mechanism.mdx │ │ │ ├── 1-kafka-idempotency-guarantee.mdx │ │ │ ├── 10-kafka-theme-compression.mdx │ │ │ ├── 11-kafka-deferred-queue-implementation.mdx │ │ │ ├── 12-kafka-dead-letter-queue.mdx │ │ │ ├── 13-kafka-current-limiting-strategy.mdx │ │ │ ├── 2-kafka-precise-one-time-semantics.mdx │ │ │ ├── 3-kafka-security-certification.mdx │ │ │ ├── 4-kafka-authorization-mechanism.mdx │ │ │ ├── 5-kafka-encrypted-transmission.mdx │ │ │ ├── 6-kafka-quota-management.mdx │ │ │ ├── 7-kafka-multi-tenancy-strategy.mdx │ │ │ ├── 8-kafka-dynamic-configuration.mdx │ │ │ ├── 9-kafka-mirroring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-kafka-design-pattern │ │ │ ├── 0-kafka-message-queue-mode.mdx │ │ │ ├── 1-kafka-publish-subscription-mode.mdx │ │ │ ├── 10-kafka-kappa-architecture.mdx │ │ │ ├── 11-kafka-event-driven-architecture.mdx │ │ │ ├── 12-kafka-data-pipeline-design.mdx │ │ │ ├── 13-kafka-real-time-analytics-architecture.mdx │ │ │ ├── 2-kafka-streaming-mode.mdx │ │ │ ├── 3-kafka-event-traceability-model.mdx │ │ │ ├── 4-separation-of-duties-for-kafka-command-query.mdx │ │ │ ├── 5-kafka-data-lake-architecture.mdx │ │ │ ├── 6-kafka-microservice-communication.mdx │ │ │ ├── 7-kafka-cdc-implementation.mdx │ │ │ ├── 8-kafka-log-aggregation.mdx │ │ │ ├── 9-kafka-lambda-architecture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── nacos │ │ ├── 0-nacos-foundation │ │ │ ├── 0-about-nacos.mdx │ │ │ ├── 1-nacos-architecture-overview.mdx │ │ │ ├── 10-nacos-data-model.mdx │ │ │ ├── 11-nacos-communication-protocol.mdx │ │ │ ├── 12-nacos-persistent-configuration.mdx │ │ │ ├── 13-nacos-core-terminology.mdx │ │ │ ├── 2-nacos-installation-and-deployment.mdx │ │ │ ├── 3-nacos-console-usage.mdx │ │ │ ├── 4-nacos-environment-construction.mdx │ │ │ ├── 5-nacos-configuration-management-foundation.mdx │ │ │ ├── 6-nacos-service-registration-basis.mdx │ │ │ ├── 7-nacos-service-discovery-foundation.mdx │ │ │ ├── 8-nacos-namespace.mdx │ │ │ ├── 9-nacos-group-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-nacos-configuration-center │ │ │ ├── 0-nacos-configuration-center-overview.mdx │ │ │ ├── 1-nacos-configuration-creation-and-management.mdx │ │ │ ├── 10-nacos-configuration-audit.mdx │ │ │ ├── 11-nacos-grayscale-publishing-configuration.mdx │ │ │ ├── 12-nacos-multi-environment-configuration-management.mdx │ │ │ ├── 13-nacos-configuration-center-best-practices.mdx │ │ │ ├── 2-nacos-configuration-format-support.mdx │ │ │ ├── 3-nacos-configuration-version-management.mdx │ │ │ ├── 4-nacos-configuration-push-principle.mdx │ │ │ ├── 5-nacos-configuration-listening-mechanism.mdx │ │ │ ├── 6-nacos-dynamic-configuration-refresh.mdx │ │ │ ├── 7-nacos-configuration-encryption-decryption.mdx │ │ │ ├── 8-nacos-configuration-import-and-export.mdx │ │ │ ├── 9-nacos-configuration-rollback.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-nacos-performance-optimization │ │ │ ├── 0-nacos-performance-optimization-overview.mdx │ │ │ ├── 1-nacos-jvm-parameter-tuning.mdx │ │ │ ├── 10-nacos-mass-deployment-optimization.mdx │ │ │ ├── 11-nacos-memory-management-optimization.mdx │ │ │ ├── 12-nacos-performance-test-method.mdx │ │ │ ├── 13-nacos-performance-optimization-case-study.mdx │ │ │ ├── 2-nacos-database-performance-optimization.mdx │ │ │ ├── 3-nacos-network-communication-optimization.mdx │ │ │ ├── 4-nacos-cache-policy-optimization.mdx │ │ │ ├── 5-nacos-thread-model-tuning.mdx │ │ │ ├── 6-nacos-request-processing-optimization.mdx │ │ │ ├── 7-nacos-service-discovery-performance-optimization.mdx │ │ │ ├── 8-nacos-configuration-center-performance-optimization.mdx │ │ │ ├── 9-nacos-cluster-performance-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-nacos-and-microservices │ │ │ ├── 0-nacos-role-in-microservices-architecture.mdx │ │ │ ├── 1-nacos-integration-with-service-mesh.mdx │ │ │ ├── 10-nacos-and-microservice-log-management.mdx │ │ │ ├── 11-nacos-integration-with-devops.mdx │ │ │ ├── 12-nacos-and-cloud-native-architectures.mdx │ │ │ ├── 13-nacos-microservices-best-practices.mdx │ │ │ ├── 2-nacos-integration-with-kubernetes.mdx │ │ │ ├── 3-nacos-and-containerized-deployments.mdx │ │ │ ├── 4-nacos-and-microservice-governance.mdx │ │ │ ├── 5-nacos-with-api-gateway.mdx │ │ │ ├── 6-nacos-and-distributed-tracking-systems.mdx │ │ │ ├── 7-nacos-with-microservice-fuse-downgrade.mdx │ │ │ ├── 8-nacos-and-microservices-throttling.mdx │ │ │ ├── 9-nacos-and-microservice-monitoring-alarms.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-nacos-source-code-analysis │ │ │ ├── 0-nacos-source-code-structure-overview.mdx │ │ │ ├── 1-nacos-startup-process-analysis.mdx │ │ │ ├── 10-nacos-health-check-source-code-analysis.mdx │ │ │ ├── 11-nacos-load-balancing-source-code-analysis.mdx │ │ │ ├── 12-nacos-event-driven-source-code-analysis.mdx │ │ │ ├── 13-nacos-extended-point-source-analysis.mdx │ │ │ ├── 2-nacos-service-registration-source-code-analysis.mdx │ │ │ ├── 3-nacos-service-discovery-source-code-analysis.mdx │ │ │ ├── 4-nacos-configuration-center-source-code-analysis.mdx │ │ │ ├── 5-nacos-cluster-management-source-code-analysis.mdx │ │ │ ├── 6-nacos-consistency-protocol-implementation.mdx │ │ │ ├── 7-nacos-data-storage-source-code-analysis.mdx │ │ │ ├── 8-source-code-analysis-of-nacos-cache-mechanism.mdx │ │ │ ├── 9-nacos-communication-model-source-code-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-nacos-case-in-action │ │ │ ├── 0-nacos-e-commerce-application-case.mdx │ │ │ ├── 1-nacos-financial-system-application-case.mdx │ │ │ ├── 10-nacos-offsite-multiple-live-cases.mdx │ │ │ ├── 11-nacos-disaster-recovery-system-case.mdx │ │ │ ├── 12-nacos-hybrid-cloud-deployment-case.mdx │ │ │ ├── 13-nacos-large-scale-service-governance-case.mdx │ │ │ ├── 2-application-cases-of-nacos-logistics-system.mdx │ │ │ ├── 3-nacos-smart-manufacturing-use-case.mdx │ │ │ ├── 4-nacos-government-system-application-case.mdx │ │ │ ├── 5-nacos-big-data-platform-application-case.mdx │ │ │ ├── 6-nacos-internet-of-things-platform-use-case.mdx │ │ │ ├── 7-nacos-social-media-use-case.mdx │ │ │ ├── 8-nacos-content-management-use-case.mdx │ │ │ ├── 9-nacos-high-concurrency-system-use-case.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-nacos-ecological-integration │ │ │ ├── 0-nacos-integration-with-sentinel.mdx │ │ │ ├── 1-nacos-integration-with-seata.mdx │ │ │ ├── 10-nacos-versus-apollo-configuration-center.mdx │ │ │ ├── 11-nacos-vs-eureka.mdx │ │ │ ├── 12-nacos-vs-consul.mdx │ │ │ ├── 13-nacos-ecosystem-panorama.mdx │ │ │ ├── 2-nacos-integration-with-rocketmq.mdx │ │ │ ├── 3-nacos-integration-with-elastic-job.mdx │ │ │ ├── 4-nacos-integration-with-shardingsphere.mdx │ │ │ ├── 5-nacos-integration-with-zipkin.mdx │ │ │ ├── 6-nacos-integration-with-skywalking.mdx │ │ │ ├── 7-nacos-integration-with-prometheus.mdx │ │ │ ├── 8-nacos-integration-with-grafana.mdx │ │ │ ├── 9-nacos-integration-with-elk.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-nacos-best-practices │ │ │ ├── 0-nacos-naming-convention.mdx │ │ │ ├── 1-nacos-configuration-management-specification.mdx │ │ │ ├── 10-nacos-troubleshooting-guide.mdx │ │ │ ├── 11-nacos-version-upgrade-guide.mdx │ │ │ ├── 12-nacos-common-pitfalls-and-solutions.mdx │ │ │ ├── 13-nacos-enterprise-implementation-roadmap.mdx │ │ │ ├── 2-nacos-service-governance-specification.mdx │ │ │ ├── 3-nacos-security-configuration-specification.mdx │ │ │ ├── 4-nacos-high-availability-deployment-specification.mdx │ │ │ ├── 5-nacos-multi-environmental-management-specification.mdx │ │ │ ├── 6-nacos-monitoring-alarm-specification.mdx │ │ │ ├── 7-nacos-disaster-recovery-strategy-specification.mdx │ │ │ ├── 8-nacos-capacity-planning-guide.mdx │ │ │ ├── 9-nacos-performance-tuning-guide.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-nacos-service-registration-and-discovery │ │ │ ├── 0-principle-of-nacos-service-registration.mdx │ │ │ ├── 1-nacos-service-discovery-mechanism.mdx │ │ │ ├── 10-nacos-service-downgrade-and-protection.mdx │ │ │ ├── 11-nacos-cluster-service-synchronization.mdx │ │ │ ├── 12-nacos-multi-registry.mdx │ │ │ ├── 13-nacos-service-list-get.mdx │ │ │ ├── 2-nacos-instance-registration.mdx │ │ │ ├── 3-nacos-service-health-check.mdx │ │ │ ├── 4-nacos-service-weight-settings.mdx │ │ │ ├── 5-nacos-service-routing.mdx │ │ │ ├── 6-nacos-service-protection-threshold.mdx │ │ │ ├── 7-nacos-temporary-and-persistent-instances.mdx │ │ │ ├── 8-nacos-metadata-management.mdx │ │ │ ├── 9-nacos-service-grouping.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-nacos-integration-with-spring-cloud │ │ │ ├── 0-overview-of-nacos-and-spring-cloud.mdx │ │ │ ├── 1-nacos-service-registration-with-spring-cloud.mdx │ │ │ ├── 10-nacos-with-spring-cloud-stream.mdx │ │ │ ├── 11-nacos-with-spring-cloud-security.mdx │ │ │ ├── 12-nacos-with-spring-cloud-monitoring.mdx │ │ │ ├── 13-nacos-and-spring-cloud-best-practices.mdx │ │ │ ├── 2-nacos-configuration-center-with-spring-cloud-config.mdx │ │ │ ├── 3-nacos-implementation-configuration-auto-refresh.mdx │ │ │ ├── 4-nacos-with-spring-cloud-gateway.mdx │ │ │ ├── 5-nacos-with-spring-cloud-openfeign.mdx │ │ │ ├── 6-nacos-with-spring-cloud-ribbon.mdx │ │ │ ├── 7-nacos-with-spring-cloud-bus.mdx │ │ │ ├── 8-nacos-with-spring-boot-actuator.mdx │ │ │ ├── 9-nacos-multi-environment-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-nacos-integration-with-dubbo │ │ │ ├── 0-nacos-and-dubbo-overview.mdx │ │ │ ├── 1-nacos-as-dubbo-registry.mdx │ │ │ ├── 10-nacos-and-dubbo-grayscale-release.mdx │ │ │ ├── 11-nacos-integrated-with-dubbo-monitoring.mdx │ │ │ ├── 12-nacos-and-dubbo-security-configuration.mdx │ │ │ ├── 13-nacos-and-dubbo-best-practices.mdx │ │ │ ├── 2-nacos-and-dubbo-configuration-center.mdx │ │ │ ├── 3-nacos-realizes-dubbo-service-discovery.mdx │ │ │ ├── 4-nacos-and-dubbo-load-balancing.mdx │ │ │ ├── 5-nacos-and-dubbo-service-governance.mdx │ │ │ ├── 6-nacos-and-dubbo-cluster-fault-tolerance.mdx │ │ │ ├── 7-nacos-and-dubbo-service-downgrade.mdx │ │ │ ├── 8-nacos-and-dubbo-service-routing.mdx │ │ │ ├── 9-nacos-and-dubbo-multi-version-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-nacos-client-development │ │ │ ├── 0-nacos-java-sdk-use.mdx │ │ │ ├── 1-nacos-rest-api-call.mdx │ │ │ ├── 10-nacos-client-side-caching-mechanism.mdx │ │ │ ├── 11-nacos-client-exception-handling.mdx │ │ │ ├── 12-nacos-client-security-certification.mdx │ │ │ ├── 13-nacos-client-performance-optimization.mdx │ │ │ ├── 2-nacos-client-configuration.mdx │ │ │ ├── 3-nacos-event-listening-mechanism.mdx │ │ │ ├── 4-nacos-namespaces-and-grouping-policies.mdx │ │ │ ├── 5-nacos-instance-metadata-management.mdx │ │ │ ├── 6-nacos-service-subscription-development.mdx │ │ │ ├── 7-nacos-configuration-snooping-development.mdx │ │ │ ├── 8-nacos-service-registration-development.mdx │ │ │ ├── 9-nacos-heartbeat-mechanism-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-nacos-cluster-deployment │ │ │ ├── 0-nacos-cluster-architecture-design.mdx │ │ │ ├── 1-nacos-cluster-setup-steps.mdx │ │ │ ├── 10-nacos-cluster-monitoring-alarm.mdx │ │ │ ├── 11-nacos-cluster-performance-tuning.mdx │ │ │ ├── 12-nacos-cluster-security-hardening.mdx │ │ │ ├── 13-nacos-cluster-om.mdx │ │ │ ├── 2-nacos-cluster-configuration-parameters.mdx │ │ │ ├── 3-nacos-intercluster-synchronization-mechanism.mdx │ │ │ ├── 4-nacos-data-consistency-assurance.mdx │ │ │ ├── 5-nacos-cluster-scaling-scenario.mdx │ │ │ ├── 6-nacos-cluster-high-availability-configuration.mdx │ │ │ ├── 7-nacos-datacenter-deployment.mdx │ │ │ ├── 8-nacos-disaster-recovery-plan.mdx │ │ │ ├── 9-nacos-node-failover.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-nacos-advanced-features │ │ │ ├── 0-nacos-weighted-routing.mdx │ │ │ ├── 1-nacos-black-and-white-list-configuration.mdx │ │ │ ├── 10-nacos-plug-in-architecture.mdx │ │ │ ├── 11-nacos-offsite-multi-live-deployment.mdx │ │ │ ├── 12-nacos-custom-extension-development.mdx │ │ │ ├── 13-nacos-advanced-features-scenarios.mdx │ │ │ ├── 2-nacos-label-routing.mdx │ │ │ ├── 3-nacos-configuration-grayscale-release.mdx │ │ │ ├── 4-nacos-service-authentication.mdx │ │ │ ├── 5-nacos-flow-control.mdx │ │ │ ├── 6-nacos-distributed-lock-implementation.mdx │ │ │ ├── 7-nacos-event-notification-mechanism.mdx │ │ │ ├── 8-nacos-monitor-mode.mdx │ │ │ ├── 9-nacos-spi-extension-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-nacos-monitoring-om │ │ │ ├── 0-nacos-monitoring-indicator-system.mdx │ │ │ ├── 1-nacos-log-management.mdx │ │ │ ├── 10-nacos-upgrade-strategy.mdx │ │ │ ├── 11-nacos-security-audit.mdx │ │ │ ├── 12-nacos-resource-optimization.mdx │ │ │ ├── 13-nacos-ops-best-practices.mdx │ │ │ ├── 2-nacos-prometheus-monitoring.mdx │ │ │ ├── 3-nacos-grafana-dashboard.mdx │ │ │ ├── 4-nacos-performance-metrics-analysis.mdx │ │ │ ├── 5-nacos-alarm-configuration.mdx │ │ │ ├── 6-nacos-om-toolchain.mdx │ │ │ ├── 7-nacos-troubleshooting.mdx │ │ │ ├── 8-nacos-capacity-planning.mdx │ │ │ ├── 9-nacos-backup-restore.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-nacos-security-management │ │ │ ├── 0-nacos-security-architecture.mdx │ │ │ ├── 1-nacos-certification-system.mdx │ │ │ ├── 10-nacos-api-access-control.mdx │ │ │ ├── 11-nacos-security-audit-log.mdx │ │ │ ├── 12-nacos-data-security-protection.mdx │ │ │ ├── 13-nacos-security-best-practices.mdx │ │ │ ├── 2-nacos-authorization-management.mdx │ │ │ ├── 3-nacos-rbac-permission-control.mdx │ │ │ ├── 4-nacos-user-management.mdx │ │ │ ├── 5-nacos-role-configuration.mdx │ │ │ ├── 6-nacos-permission-model.mdx │ │ │ ├── 7-nacos-secure-communication.mdx │ │ │ ├── 8-nacos-key-management.mdx │ │ │ ├── 9-nacos-whitelisting-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── nginx │ │ ├── 0-nginx-basics │ │ │ ├── 0-introduction-to-nginx.mdx │ │ │ ├── 1-nginx-historical-background.mdx │ │ │ ├── 10-nginx-vs-apache.mdx │ │ │ ├── 11-nginx-performance-characteristics.mdx │ │ │ ├── 12-nginx-version-selection.mdx │ │ │ ├── 13-nginx-faq.mdx │ │ │ ├── 2-nginx-installation-configuration.mdx │ │ │ ├── 3-nginx-directory-structure.mdx │ │ │ ├── 4-nginx-basic-commands.mdx │ │ │ ├── 5-nginx-profile.mdx │ │ │ ├── 6-how-nginx-works.mdx │ │ │ ├── 7-nginx-process-model.mdx │ │ │ ├── 8-nginx-event-driven.mdx │ │ │ ├── 9-nginx-modular-architecture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-nginx-core-configuration │ │ │ ├── 0-nginx-configuration-syntax.mdx │ │ │ ├── 1-nginx-global-configuration.mdx │ │ │ ├── 10-nginx-configuration-optimization.mdx │ │ │ ├── 11-nginx-configuration-scenarios.mdx │ │ │ ├── 12-nginx-configuration-template.mdx │ │ │ ├── 13-nginx-multi-environment-configuration.mdx │ │ │ ├── 2-nginx-event-configuration.mdx │ │ │ ├── 3-nginx-http-configuration.mdx │ │ │ ├── 4-nginx-server-configuration.mdx │ │ │ ├── 5-nginx-location-configuration.mdx │ │ │ ├── 6-nginx-variable-usage.mdx │ │ │ ├── 7-nginx-instruction-context.mdx │ │ │ ├── 8-nginx-configuration-inheritance.mdx │ │ │ ├── 9-nginx-configuration-test.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-nginx-integrated-app │ │ │ ├── 0-nginx-integration-with-php.mdx │ │ │ ├── 1-nginx-integration-with-python.mdx │ │ │ ├── 10-nginx-integration-with-cdn.mdx │ │ │ ├── 11-nginx-with-api-gateway.mdx │ │ │ ├── 12-nginx-integration-with-grafana.mdx │ │ │ ├── 13-nginx-integration-with-elk.mdx │ │ │ ├── 2-nginx-integration-with-nodejs.mdx │ │ │ ├── 3-nginx-integration-with-java.mdx │ │ │ ├── 4-nginx-integration-with-go.mdx │ │ │ ├── 5-nginx-integration-with-ruby.mdx │ │ │ ├── 6-nginx-integration-with-tomcat.mdx │ │ │ ├── 7-nginx-integration-with-docker.mdx │ │ │ ├── 8-nginx-integration-with-kubernetes.mdx │ │ │ ├── 9-nginx-and-microservices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-nginx-monitoring-and-logging │ │ │ ├── 0-nginx-monitoring-overview.mdx │ │ │ ├── 1-nginx-status-page.mdx │ │ │ ├── 10-nginx-performance-monitoring.mdx │ │ │ ├── 11-nginx-fault-alarm.mdx │ │ │ ├── 12-nginx-log-aggregation.mdx │ │ │ ├── 13-nginx-monitoring-best-practices.mdx │ │ │ ├── 2-nginx-metrics-collection.mdx │ │ │ ├── 3-nginx-log-format.mdx │ │ │ ├── 4-nginx-access-log.mdx │ │ │ ├── 5-nginx-error-log.mdx │ │ │ ├── 6-nginx-log-rotation.mdx │ │ │ ├── 7-nginx-log-analysis.mdx │ │ │ ├── 8-nginx-log-visualization.mdx │ │ │ ├── 9-nginx-monitoring-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-nginx-performance-optimization │ │ │ ├── 0-nginx-performance-basics.mdx │ │ │ ├── 1-nginx-kernel-optimization.mdx │ │ │ ├── 10-nginx-resource-limit.mdx │ │ │ ├── 11-nginx-memory-usage.mdx │ │ │ ├── 12-nginx-cpu-usage.mdx │ │ │ ├── 13-nginx-performance-testing.mdx │ │ │ ├── 2-nginx-connection-optimization.mdx │ │ │ ├── 3-nginx-worker-process.mdx │ │ │ ├── 4-nginx-buffer-optimization.mdx │ │ │ ├── 5-nginx-cache-optimization.mdx │ │ │ ├── 6-nginx-compression-optimization.mdx │ │ │ ├── 7-nginx-timeout-optimization.mdx │ │ │ ├── 8-nginx-static-file-optimization.mdx │ │ │ ├── 9-nginx-network-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-nginx-ha-architecture │ │ │ ├── 0-nginx-high-availability-basics.mdx │ │ │ ├── 1-nginx-master-and-standby-architecture.mdx │ │ │ ├── 10-nginx-auto-recovery.mdx │ │ │ ├── 11-nginx-load-balancer.mdx │ │ │ ├── 12-nginx-session-retention.mdx │ │ │ ├── 13-nginx-disaster-recovery-solution.mdx │ │ │ ├── 2-nginx-dual-live-architecture.mdx │ │ │ ├── 3-nginx-cluster-schema.mdx │ │ │ ├── 4-nginx-keepalived-configuration.mdx │ │ │ ├── 5-nginx-vrrp-protocol.mdx │ │ │ ├── 6-nginx-virtual-ip.mdx │ │ │ ├── 7-nginx-failover.mdx │ │ │ ├── 8-nginx-heartbeat-detection.mdx │ │ │ ├── 9-nginx-health-check.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-nginx-cloud-platform-deployment │ │ │ ├── 0-nginx-cloud-environment-overview.mdx │ │ │ ├── 1-nginx-aws-deployment.mdx │ │ │ ├── 10-nginx-auto-extend.mdx │ │ │ ├── 11-nginx-cloud-native-adaptation.mdx │ │ │ ├── 12-nginx-service-mesh-integration.mdx │ │ │ ├── 13-nginx-cloud-platform-best-practices.mdx │ │ │ ├── 2-nginx-azure-deployment.mdx │ │ │ ├── 3-nginx-google-cloud-deployment.mdx │ │ │ ├── 4-nginx-alibaba-cloud-deployment.mdx │ │ │ ├── 5-nginx-tencent-cloud-deployment.mdx │ │ │ ├── 6-nginx-containerized-deployment.mdx │ │ │ ├── 7-nginx-kubernetes-deployment.mdx │ │ │ ├── 8-nginx-docker-compose.mdx │ │ │ ├── 9-nginx-helm-chart.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-nginx-best-practices │ │ │ ├── 0-nginx-production-environment-configuration.mdx │ │ │ ├── 1-nginx-multisite-management.mdx │ │ │ ├── 10-troubleshooting-nginx.mdx │ │ │ ├── 11-nginx-long-connection-management.mdx │ │ │ ├── 12-nginx-resource-planning.mdx │ │ │ ├── 13-nginx-om-manual.mdx │ │ │ ├── 2-nginx-configuration-templating.mdx │ │ │ ├── 3-nginx-configuration-version-control.mdx │ │ │ ├── 4-nginx-automation-deployment.mdx │ │ │ ├── 5-nginx-upgrade-strategy.mdx │ │ │ ├── 6-nginx-backup-restore.mdx │ │ │ ├── 7-nginx-log-management.mdx │ │ │ ├── 8-nginx-security-hardening.mdx │ │ │ ├── 9-nginx-performance-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-nginx-static-content-service │ │ │ ├── 0-nginx-static-file-service.mdx │ │ │ ├── 1-nginx-directory-browsing.mdx │ │ │ ├── 10-nginx-error-log.mdx │ │ │ ├── 11-nginx-status-monitoring.mdx │ │ │ ├── 12-nginx-performance-optimization.mdx │ │ │ ├── 13-nginx-static-site-deployment.mdx │ │ │ ├── 2-nginx-file-type.mdx │ │ │ ├── 3-nginx-mime-type.mdx │ │ │ ├── 4-nginx-character-set-configuration.mdx │ │ │ ├── 5-nginx-file-compression.mdx │ │ │ ├── 6-nginx-static-resource-cache.mdx │ │ │ ├── 7-nginx-access-control.mdx │ │ │ ├── 8-nginx-anti-theft-chain.mdx │ │ │ ├── 9-nginx-access-log.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-nginx-proxy-service │ │ │ ├── 0-nginx-forward-proxy.mdx │ │ │ ├── 1-nginx-reverse-proxy.mdx │ │ │ ├── 10-nginx-tcp-proxy.mdx │ │ │ ├── 11-nginx-udp-proxy.mdx │ │ │ ├── 12-nginx-proxy-optimization.mdx │ │ │ ├── 13-nginx-proxy-case.mdx │ │ │ ├── 2-nginx-proxy-protocol.mdx │ │ │ ├── 3-nginx-proxy-cache.mdx │ │ │ ├── 4-nginx-proxy-header.mdx │ │ │ ├── 5-nginx-agent-timeout.mdx │ │ │ ├── 6-nginx-proxy-buffering.mdx │ │ │ ├── 7-nginx-proxy-connection.mdx │ │ │ ├── 8-nginx-ssl-proxy.mdx │ │ │ ├── 9-nginx-websocket-proxy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-nginx-load-balancing │ │ │ ├── 0-nginx-load-balancing-basics.mdx │ │ │ ├── 1-nginx-upstream-server.mdx │ │ │ ├── 10-nginx-dynamic-load-balancing.mdx │ │ │ ├── 11-nginx-load-balancing-configuration.mdx │ │ │ ├── 12-nginx-load-balancing-optimization.mdx │ │ │ ├── 13-nginx-high-availability-plan.mdx │ │ │ ├── 2-nginx-load-algorithm.mdx │ │ │ ├── 3-nginx-weighted-polling.mdx │ │ │ ├── 4-nginx-ip-hash.mdx │ │ │ ├── 5-nginx-minimum-connections.mdx │ │ │ ├── 6-nginx-server-health-check.mdx │ │ │ ├── 7-nginx-failed-retry.mdx │ │ │ ├── 8-nginx-session-retention.mdx │ │ │ ├── 9-nginx-backup-server.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-nginx-security │ │ │ ├── 0-nginx-security-basics.mdx │ │ │ ├── 1-nginx-access-control.mdx │ │ │ ├── 10-nginx-ip-blacklist.mdx │ │ │ ├── 11-nginx-anti-sql-injection.mdx │ │ │ ├── 12-nginx-anti-xss-attack.mdx │ │ │ ├── 13-nginx-security-hardening.mdx │ │ │ ├── 2-nginx-basic-authentication.mdx │ │ │ ├── 3-nginx-password-protection.mdx │ │ │ ├── 4-nginx-ssltls-configuration.mdx │ │ │ ├── 5-nginx-https-settings.mdx │ │ │ ├── 6-nginx-certificate-management.mdx │ │ │ ├── 7-nginx-security-header.mdx │ │ │ ├── 8-nginx-anti-ddos-attack.mdx │ │ │ ├── 9-nginx-request-limit.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-nginx-url-override │ │ │ ├── 0-nginx-rewrite-module.mdx │ │ │ ├── 1-nginx-rewrite-instruction.mdx │ │ │ ├── 10-nginx-rewrite-logs.mdx │ │ │ ├── 11-nginx-override-debugging.mdx │ │ │ ├── 12-nginx-url-mapping.mdx │ │ │ ├── 13-nginx-rewrite-case.mdx │ │ │ ├── 2-nginx-regular-expression.mdx │ │ │ ├── 3-nginx-redirect.mdx │ │ │ ├── 4-nginx-internal-redirects.mdx │ │ │ ├── 5-nginx-url-beautification.mdx │ │ │ ├── 6-nginx-rewrite-rules.mdx │ │ │ ├── 7-nginx-override-condition.mdx │ │ │ ├── 8-nginx-rewrite-flag.mdx │ │ │ ├── 9-nginx-override-capture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-nginx-caching-mechanism │ │ │ ├── 0-nginx-cache-concept.mdx │ │ │ ├── 1-nginx-client-cache.mdx │ │ │ ├── 10-nginx-cache-sharding.mdx │ │ │ ├── 11-nginx-cache-priority.mdx │ │ │ ├── 12-nginx-cache-optimization.mdx │ │ │ ├── 13-nginx-cache-management.mdx │ │ │ ├── 2-nginx-server-cache.mdx │ │ │ ├── 3-nginx-proxy-cache.mdx │ │ │ ├── 4-nginx-cache-control.mdx │ │ │ ├── 5-nginx-cache-purge.mdx │ │ │ ├── 6-nginx-cache-lock.mdx │ │ │ ├── 7-nginx-cache-path.mdx │ │ │ ├── 8-nginx-cache-key.mdx │ │ │ ├── 9-nginx-cache-area.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-nginx-advanced-features │ │ │ ├── 0-nginx-variable.mdx │ │ │ ├── 1-nginx-mapping.mdx │ │ │ ├── 10-nginx-dynamic-module.mdx │ │ │ ├── 11-nginx-http2-support.mdx │ │ │ ├── 12-nginx-http3-support.mdx │ │ │ ├── 13-nginx-streaming-service.mdx │ │ │ ├── 2-nginx-geoip-module.mdx │ │ │ ├── 3-nginx-flow-control.mdx │ │ │ ├── 4-nginx-restrictions-connection.mdx │ │ │ ├── 5-nginx-throttling-request.mdx │ │ │ ├── 6-nginx-shard-response.mdx │ │ │ ├── 7-nginx-breakpoint-continuity.mdx │ │ │ ├── 8-nginx-content-filtering.mdx │ │ │ ├── 9-nginx-response-segmentation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-nginx-module-development │ │ │ ├── 0-nginx-module-architecture.mdx │ │ │ ├── 1-nginx-module-type.mdx │ │ │ ├── 10-nginx-module-compilation.mdx │ │ │ ├── 11-nginx-module-debugging.mdx │ │ │ ├── 12-nginx-module-testing.mdx │ │ │ ├── 13-nginx-module-release.mdx │ │ │ ├── 2-nginx-core-module.mdx │ │ │ ├── 3-nginx-event-module.mdx │ │ │ ├── 4-nginx-http-module.mdx │ │ │ ├── 5-nginx-filter-module.mdx │ │ │ ├── 6-nginx-upstream-module.mdx │ │ │ ├── 7-nginx-load-balancing-module.mdx │ │ │ ├── 8-nginx-module-development-environment.mdx │ │ │ ├── 9-nginx-module-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── rabbitmq │ │ ├── 0-rabbitmq-foundation │ │ │ ├── 0-introduction-to-rabbitmq.mdx │ │ │ ├── 1-rabbitmq-historical-background.mdx │ │ │ ├── 10-rabbitmq-profile.mdx │ │ │ ├── 11-rabbitmq-log-management.mdx │ │ │ ├── 12-rabbitmq-terminology.mdx │ │ │ ├── 13-rabbitmq-and-amqp-protocols.mdx │ │ │ ├── 2-rabbitmq-installation-configuration.mdx │ │ │ ├── 3-rabbitmq-architecture-overview.mdx │ │ │ ├── 4-rabbitmq-core-concepts.mdx │ │ │ ├── 5-rabbitmq-management-interface.mdx │ │ │ ├── 6-rabbitmq-command-line-tool.mdx │ │ │ ├── 7-rabbitmq-user-management.mdx │ │ │ ├── 8-rabbitmq-permission-control.mdx │ │ │ ├── 9-rabbitmq-basic-operation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-rabbitmq-message-model │ │ │ ├── 0-rabbitmq-message-model-overview.mdx │ │ │ ├── 1-rabbitmq-producer-component.mdx │ │ │ ├── 10-rabbitmq-message-properties.mdx │ │ │ ├── 11-rabbitmq-message-confirmation.mdx │ │ │ ├── 12-rabbitmq-message-rejection.mdx │ │ │ ├── 13-rabbitmq-dead-letter-queue.mdx │ │ │ ├── 2-rabbitmq-consumer-component.mdx │ │ │ ├── 3-rabbitmq-switch-type.mdx │ │ │ ├── 4-rabbitmq-direct-switch.mdx │ │ │ ├── 5-rabbitmq-theme-switch.mdx │ │ │ ├── 6-rabbitmq-fan-out-switch.mdx │ │ │ ├── 7-rabbitmq-head-switch.mdx │ │ │ ├── 8-rabbitmq-queue-properties.mdx │ │ │ ├── 9-rabbitmq-binding-rules.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-rabbitmq-integration-with-other-technologies │ │ │ ├── 0-rabbitmq-integration-with-spring.mdx │ │ │ ├── 1-rabbitmq-with-spring-amqp.mdx │ │ │ ├── 10-rabbitmq-integration-with-web-applications.mdx │ │ │ ├── 11-rabbitmq-integration-with-mobile-apps.mdx │ │ │ ├── 12-rabbitmq-integration-with-iot-devices.mdx │ │ │ ├── 13-rabbitmq-integration-with-big-data-platform.mdx │ │ │ ├── 2-rabbitmq-with-spring-boot.mdx │ │ │ ├── 3-rabbitmq-with-spring-cloud-stream.mdx │ │ │ ├── 4-rabbitmq-and-elasticsearch.mdx │ │ │ ├── 5-rabbitmq-with-logstash.mdx │ │ │ ├── 6-rabbitmq-vs-kafka.mdx │ │ │ ├── 7-rabbitmq-compared-to-activemq.mdx │ │ │ ├── 8-rabbitmq-integration-with-redis.mdx │ │ │ ├── 9-rabbitmq-integration-with-database.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-rabbitmq-performance-optimization │ │ │ ├── 0-rabbitmq-performance-optimization-overview.mdx │ │ │ ├── 1-rabbitmq-hardware-selection.mdx │ │ │ ├── 10-rabbitmq-consumer-concurrency.mdx │ │ │ ├── 11-rabbitmq-producer-optimization.mdx │ │ │ ├── 12-rabbitmq-performance-test.mdx │ │ │ ├── 13-rabbitmq-performance-bottleneck-analysis.mdx │ │ │ ├── 2-rabbitmq-operating-system-tuning.mdx │ │ │ ├── 3-rabbitmq-memory-management.mdx │ │ │ ├── 4-rabbitmq-disk-io-optimization.mdx │ │ │ ├── 5-rabbitmq-network-optimization.mdx │ │ │ ├── 6-rabbitmq-queue-optimization.mdx │ │ │ ├── 7-rabbitmq-message-size-optimization.mdx │ │ │ ├── 8-rabbitmq-concurrent-connection-optimization.mdx │ │ │ ├── 9-rabbitmq-prefetch-count-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-rabbitmq-testing-and-commissioning │ │ │ ├── 0-rabbitmq-test-strategy.mdx │ │ │ ├── 1-rabbitmq-unit-test.mdx │ │ │ ├── 10-rabbitmq-test-environment-setup.mdx │ │ │ ├── 11-rabbitmq-automated-testing.mdx │ │ │ ├── 12-rabbitmq-continuous-integration.mdx │ │ │ ├── 13-rabbitmq-testing-best-practices.mdx │ │ │ ├── 2-rabbitmq-integration-test.mdx │ │ │ ├── 3-rabbitmq-performance-test.mdx │ │ │ ├── 4-rabbitmq-failure-test.mdx │ │ │ ├── 5-rabbitmq-emulator.mdx │ │ │ ├── 6-rabbitmq-test-tool.mdx │ │ │ ├── 7-rabbitmq-debugging-tips.mdx │ │ │ ├── 8-rabbitmq-log-analysis.mdx │ │ │ ├── 9-rabbitmq-problem-diagnosis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-rabbitmq-case-study │ │ │ ├── 0-rabbitmq-e-commerce-system-application.mdx │ │ │ ├── 1-rabbitmq-financial-system-application.mdx │ │ │ ├── 10-rabbitmq-big-data-pipeline-application.mdx │ │ │ ├── 11-rabbitmq-microservices-architecture-case.mdx │ │ │ ├── 12-rabbitmq-high-flow-system-case.mdx │ │ │ ├── 13-rabbitmq-cross-regional-deployment-scenarios.mdx │ │ │ ├── 2-rabbitmq-internet-of-things-application.mdx │ │ │ ├── 3-rabbitmq-log-processing-app.mdx │ │ │ ├── 4-rabbitmq-real-time-analytics-app.mdx │ │ │ ├── 5-rabbitmq-task-scheduling-application.mdx │ │ │ ├── 6-rabbitmq-notification-system-app.mdx │ │ │ ├── 7-rabbitmq-content-distribution-app.mdx │ │ │ ├── 8-rabbitmq-social-media-app.mdx │ │ │ ├── 9-rabbitmq-gaming-service-app.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-rabbitmq-best-practices │ │ │ ├── 0-rabbitmq-design-principles.mdx │ │ │ ├── 1-rabbitmq-architecture-selection.mdx │ │ │ ├── 10-rabbitmq-deployment-checklist.mdx │ │ │ ├── 11-rabbitmq-migration-strategy.mdx │ │ │ ├── 12-rabbitmq-common-pitfalls.mdx │ │ │ ├── 13-rabbitmq-production-environment-best-practices.mdx │ │ │ ├── 2-rabbitmq-reliability-assurance.mdx │ │ │ ├── 3-rabbitmq-extensibility-design.mdx │ │ │ ├── 4-rabbitmq-high-availability-design.mdx │ │ │ ├── 5-rabbitmq-code-specification.mdx │ │ │ ├── 6-rabbitmq-error-handling.mdx │ │ │ ├── 7-rabbitmq-resource-naming-convention.mdx │ │ │ ├── 8-rabbitmq-documentation.mdx │ │ │ ├── 9-rabbitmq-version-selection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-rabbitmq-advanced-features │ │ │ ├── 0-rabbitmq-message-persistence.mdx │ │ │ ├── 1-rabbitmq-transaction-mechanism.mdx │ │ │ ├── 10-rabbitmq-message-tracking.mdx │ │ │ ├── 11-rabbitmq-plugin-system.mdx │ │ │ ├── 12-rabbitmq-message-ttl.mdx │ │ │ ├── 13-rabbitmq-policy-management.mdx │ │ │ ├── 2-rabbitmq-release-confirmation.mdx │ │ │ ├── 3-rabbitmq-consumer-confirmation.mdx │ │ │ ├── 4-rabbitmq-message-priority.mdx │ │ │ ├── 5-rabbitmq-delay-queue.mdx │ │ │ ├── 6-rabbitmq-expiration-message.mdx │ │ │ ├── 7-rabbitmq-queue-length-limit.mdx │ │ │ ├── 8-rabbitmq-lazy-queue.mdx │ │ │ ├── 9-rabbitmq-standby-switch.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-rabbitmq-programming-practices │ │ │ ├── 0-rabbitmq-client-selection.mdx │ │ │ ├── 1-rabbitmq-java-client.mdx │ │ │ ├── 10-rabbitmq-exception-handling.mdx │ │ │ ├── 11-rabbitmq-retry-mechanism.mdx │ │ │ ├── 12-rabbitmq-serialization-options.mdx │ │ │ ├── 13-rabbitmq-best-practices.mdx │ │ │ ├── 2-rabbitmq-python-client.mdx │ │ │ ├── 3-rabbitmq-net-client.mdx │ │ │ ├── 4-rabbitmq-nodejs-client.mdx │ │ │ ├── 5-rabbitmq-go-client.mdx │ │ │ ├── 6-rabbitmq-producer-programming.mdx │ │ │ ├── 7-rabbitmq-consumer-programming.mdx │ │ │ ├── 8-rabbitmq-connection-management.mdx │ │ │ ├── 9-rabbitmq-channel-usage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-rabbitmq-message-mode │ │ │ ├── 0-rabbitmq-peer-to-peer-mode.mdx │ │ │ ├── 1-rabbitmq-publish-subscription-mode.mdx │ │ │ ├── 10-rabbitmq-message-grouping-mode.mdx │ │ │ ├── 11-rabbitmq-event-driven-mode.mdx │ │ │ ├── 12-rabbitmq-message-routing-policy.mdx │ │ │ ├── 13-rabbitmq-message-priority-mode.mdx │ │ │ ├── 2-rabbitmq-work-queue-mode.mdx │ │ │ ├── 3-rabbitmq-routing-mode.mdx │ │ │ ├── 4-rabbitmq-theme-mode.mdx │ │ │ ├── 5-rabbitmq-request-response-mode.mdx │ │ │ ├── 6-rabbitmq-competitive-consumer-model.mdx │ │ │ ├── 7-rabbitmq-distribution-mode.mdx │ │ │ ├── 8-rabbitmq-load-balancing-mode.mdx │ │ │ ├── 9-rabbitmq-message-filtering-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-rabbitmq-cluster-vs-high-availability │ │ │ ├── 0-rabbitmq-cluster-base.mdx │ │ │ ├── 1-rabbitmq-cluster-setup.mdx │ │ │ ├── 10-rabbitmq-cluster-extension.mdx │ │ │ ├── 11-rabbitmq-network-partition.mdx │ │ │ ├── 12-rabbitmq-cluster-security.mdx │ │ │ ├── 13-rabbitmq-data-center-strategy.mdx │ │ │ ├── 2-rabbitmq-node-type.mdx │ │ │ ├── 3-rabbitmq-image-queue.mdx │ │ │ ├── 4-rabbitmq-quorum-queue.mdx │ │ │ ├── 5-rabbitmq-cluster-partition-processing.mdx │ │ │ ├── 6-rabbitmq-cross-room-deployment.mdx │ │ │ ├── 7-rabbitmq-load-balancing.mdx │ │ │ ├── 8-rabbitmq-failover.mdx │ │ │ ├── 9-rabbitmq-cluster-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-rabbitmq-monitoring-om │ │ │ ├── 0-rabbitmq-monitoring-overview.mdx │ │ │ ├── 1-rabbitmq-performance-metrics.mdx │ │ │ ├── 10-troubleshooting-rabbitmq.mdx │ │ │ ├── 11-rabbitmq-performance-tuning.mdx │ │ │ ├── 12-rabbitmq-om-script.mdx │ │ │ ├── 13-rabbitmq-automated-operation-and-maintenance.mdx │ │ │ ├── 2-rabbitmq-management-api.mdx │ │ │ ├── 3-rabbitmq-monitoring-tool.mdx │ │ │ ├── 4-rabbitmq-log-analysis.mdx │ │ │ ├── 5-rabbitmq-alarm-settings.mdx │ │ │ ├── 6-rabbitmq-resource-management.mdx │ │ │ ├── 7-rabbitmq-capacity-planning.mdx │ │ │ ├── 8-rabbitmq-backup-restore.mdx │ │ │ ├── 9-rabbitmq-version-upgrade.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-rabbitmq-security │ │ │ ├── 0-rabbitmq-authentication-mechanism.mdx │ │ │ ├── 1-rabbitmq-authorization-management.mdx │ │ │ ├── 10-rabbitmq-security-update.mdx │ │ │ ├── 11-rabbitmq-password-policy.mdx │ │ │ ├── 12-rabbitmq-safety-compliance.mdx │ │ │ ├── 13-rabbitmq-data-encryption.mdx │ │ │ ├── 2-rabbitmq-ssltls-configuration.mdx │ │ │ ├── 3-rabbitmq-certificate-management.mdx │ │ │ ├── 4-rabbitmq-security-best-practices.mdx │ │ │ ├── 5-rabbitmq-cybersecurity.mdx │ │ │ ├── 6-rabbitmq-access-control.mdx │ │ │ ├── 7-rabbitmq-security-plugin.mdx │ │ │ ├── 8-rabbitmq-security-audit.mdx │ │ │ ├── 9-rabbitmq-vulnerability-protection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-rabbitmq-with-microservices │ │ │ ├── 0-rabbitmq-microservices-integration.mdx │ │ │ ├── 1-rabbitmq-service-discovery.mdx │ │ │ ├── 10-rabbitmq-message-idempotency.mdx │ │ │ ├── 11-rabbitmq-microservice-monitoring.mdx │ │ │ ├── 12-rabbitmq-service-resiliency.mdx │ │ │ ├── 13-rabbitmq-fault-tolerant-design.mdx │ │ │ ├── 2-rabbitmq-service-decoupling.mdx │ │ │ ├── 3-rabbitmq-event-traceability.mdx │ │ │ ├── 4-rabbitmq-command-query-segregation-of-duties.mdx │ │ │ ├── 5-rabbitmq-microservice-communication.mdx │ │ │ ├── 6-rabbitmq-api-gateway-integration.mdx │ │ │ ├── 7-rabbitmq-service-orchestration.mdx │ │ │ ├── 8-rabbitmq-event-driven-architecture.mdx │ │ │ ├── 9-rabbitmq-distributed-transaction.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-rabbitmq-and-the-cloud │ │ │ ├── 0-rabbitmq-cloud-platform-deployment.mdx │ │ │ ├── 1-rabbitmq-containerized-deployment.mdx │ │ │ ├── 10-rabbitmq-cloud-backup-strategy.mdx │ │ │ ├── 11-rabbitmq-cloud-monitoring-tool.mdx │ │ │ ├── 12-rabbitmq-cloud-cost-management.mdx │ │ │ ├── 13-rabbitmq-cloud-security-best-practices.mdx │ │ │ ├── 2-rabbitmq-docker-integration.mdx │ │ │ ├── 3-rabbitmq-kubernetes-deployment.mdx │ │ │ ├── 4-rabbitmq-cloud-provider.mdx │ │ │ ├── 5-rabbitmq-cloud-native-design.mdx │ │ │ ├── 6-rabbitmq-auto-extend.mdx │ │ │ ├── 7-rabbitmq-serverless-architecture.mdx │ │ │ ├── 8-rabbitmq-cloud-resource-optimization.mdx │ │ │ ├── 9-rabbitmq-multi-cloud-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── redis │ │ ├── 0-redis-base │ │ │ ├── 0-introduction-to-redis.mdx │ │ │ ├── 1-redis-historical-development.mdx │ │ │ ├── 10-redis-configuration-file.mdx │ │ │ ├── 11-redis-client-connection.mdx │ │ │ ├── 12-redis-multidatabase.mdx │ │ │ ├── 13-redis-namespace.mdx │ │ │ ├── 2-redis-installation-configuration.mdx │ │ │ ├── 3-redis-command-line-interface.mdx │ │ │ ├── 4-redis-database-concept.mdx │ │ │ ├── 5-redis-data-model.mdx │ │ │ ├── 6-redis-basic-commands.mdx │ │ │ ├── 7-redis-key-operation.mdx │ │ │ ├── 8-redis-data-type-overview.mdx │ │ │ ├── 9-introduction-to-redis-persistence.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-redis-data-types │ │ │ ├── 0-redis-string.mdx │ │ │ ├── 1-redis-string-command.mdx │ │ │ ├── 10-redis-bitmap.mdx │ │ │ ├── 11-redis-super-log.mdx │ │ │ ├── 12-redis-geospatial.mdx │ │ │ ├── 13-redis-stream-data-type.mdx │ │ │ ├── 2-redis-hash-table.mdx │ │ │ ├── 3-redis-hash-table-commands.mdx │ │ │ ├── 4-redis-list.mdx │ │ │ ├── 5-redis-list-command.mdx │ │ │ ├── 6-redis-collection.mdx │ │ │ ├── 7-redis-collection-command.mdx │ │ │ ├── 8-redis-ordered-set.mdx │ │ │ ├── 9-redis-ordered-set-commands.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-redis-and-programming-language │ │ │ ├── 0-redis-java-client.mdx │ │ │ ├── 1-redis-python-client.mdx │ │ │ ├── 10-redis-error-handling.mdx │ │ │ ├── 11-redis-asynchronous-operation.mdx │ │ │ ├── 12-redis-transaction-programming.mdx │ │ │ ├── 13-redis-cluster-client.mdx │ │ │ ├── 2-redis-nodejs-client.mdx │ │ │ ├── 3-redis-php-client.mdx │ │ │ ├── 4-redis-go-client.mdx │ │ │ ├── 5-redis-c-client.mdx │ │ │ ├── 6-redis-ruby-client.mdx │ │ │ ├── 7-redis-client-comparison.mdx │ │ │ ├── 8-redis-connection-pool.mdx │ │ │ ├── 9-redis-serialization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-redis-extension-module │ │ │ ├── 0-redis-module-system.mdx │ │ │ ├── 1-redis-module-loading.mdx │ │ │ ├── 10-redis-custom-module-development.mdx │ │ │ ├── 11-redis-module-api.mdx │ │ │ ├── 12-redis-module-performance.mdx │ │ │ ├── 13-redis-module-security.mdx │ │ │ ├── 2-redis-module-commands.mdx │ │ │ ├── 3-redis-search-module.mdx │ │ │ ├── 4-redis-graph-module.mdx │ │ │ ├── 5-redis-json-module.mdx │ │ │ ├── 6-redis-time-series-module.mdx │ │ │ ├── 7-redis-neural-network-module.mdx │ │ │ ├── 8-redis-bloom-module.mdx │ │ │ ├── 9-redis-probability-module.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-redis-monitoring-and-management │ │ │ ├── 0-redis-info-command.mdx │ │ │ ├── 1-redis-status-monitoring.mdx │ │ │ ├── 10-redis-debug-commands.mdx │ │ │ ├── 11-redis-remote-management.mdx │ │ │ ├── 12-redis-automation-management.mdx │ │ │ ├── 13-redis-management-best-practices.mdx │ │ │ ├── 2-redis-performance-monitoring.mdx │ │ │ ├── 3-redis-memory-monitoring.mdx │ │ │ ├── 4-redis-client-monitoring.mdx │ │ │ ├── 5-redis-slow-query-log.mdx │ │ │ ├── 6-redis-monitoring-tool.mdx │ │ │ ├── 7-redis-visual-management.mdx │ │ │ ├── 8-redis-command-statistics.mdx │ │ │ ├── 9-redis-key-space-notifications.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-redis-and-microservices │ │ │ ├── 0-redis-microservices-architecture.mdx │ │ │ ├── 1-redis-service-discovery.mdx │ │ │ ├── 10-redis-microservice-communication.mdx │ │ │ ├── 11-redis-data-consistency.mdx │ │ │ ├── 12-redis-microservice-monitoring.mdx │ │ │ ├── 13-redis-microservices-deployment.mdx │ │ │ ├── 2-redis-configuration-center.mdx │ │ │ ├── 3-redis-current-limiting-fuse.mdx │ │ │ ├── 4-redis-distributed-session.mdx │ │ │ ├── 5-redis-distributed-cache.mdx │ │ │ ├── 6-redis-event-bus.mdx │ │ │ ├── 7-redis-task-scheduling.mdx │ │ │ ├── 8-redis-idempotency-implementation.mdx │ │ │ ├── 9-redis-distributed-id-generation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-redis-cloud-native │ │ │ ├── 0-redis-containerization.mdx │ │ │ ├── 1-redis-docker-deployment.mdx │ │ │ ├── 10-redis-cloud-network.mdx │ │ │ ├── 11-redis-cloud-performance-optimization.mdx │ │ │ ├── 12-redis-hybrid-cloud-deployment.mdx │ │ │ ├── 13-redis-cloud-migration-strategy.mdx │ │ │ ├── 2-redis-kubernetes-deployment.mdx │ │ │ ├── 3-redis-elastic-stretch.mdx │ │ │ ├── 4-redis-cloud-service.mdx │ │ │ ├── 5-redis-multitenant.mdx │ │ │ ├── 6-redis-cloud-high-availability.mdx │ │ │ ├── 7-redis-cloud-backup-recovery.mdx │ │ │ ├── 8-redis-cloud-security.mdx │ │ │ ├── 9-redis-cloud-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-redis-design-pattern │ │ │ ├── 0-redis-cache-mode.mdx │ │ │ ├── 1-redis-publish-subscription-mode.mdx │ │ │ ├── 10-redis-message-queue-mode.mdx │ │ │ ├── 11-redis-deferred-queue-mode.mdx │ │ │ ├── 12-redis-distributed-transaction-model.mdx │ │ │ ├── 13-redis-hierarchical-data-model.mdx │ │ │ ├── 2-redis-pipeline-mode.mdx │ │ │ ├── 3-redis-sharding-mode.mdx │ │ │ ├── 4-redis-proxy-mode.mdx │ │ │ ├── 5-redis-sentinel-mode-explained-in-detail.mdx │ │ │ ├── 6-redis-distributed-lock-mode.mdx │ │ │ ├── 7-redis-counter-mode.mdx │ │ │ ├── 8-redis-current-limiting-mode.mdx │ │ │ ├── 9-redis-leaderboard-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-redis-data-modeling │ │ │ ├── 0-redis-data-modeling-basics.mdx │ │ │ ├── 1-redis-key-design-principles.mdx │ │ │ ├── 10-redis-data-expiration-policy.mdx │ │ │ ├── 11-redis-memory-optimization-modeling.mdx │ │ │ ├── 12-redis-data-compression.mdx │ │ │ ├── 13-redis-anti-pattern-case.mdx │ │ │ ├── 2-redis-data-structure-selection.mdx │ │ │ ├── 3-redis-relational-data-modeling.mdx │ │ │ ├── 4-redis-tree-structure.mdx │ │ │ ├── 5-redis-diagram-structure.mdx │ │ │ ├── 6-redis-time-series-data.mdx │ │ │ ├── 7-redis-spatial-data.mdx │ │ │ ├── 8-redis-document-data.mdx │ │ │ ├── 9-redis-full-text-index.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-redis-om-practices │ │ │ ├── 0-redis-deployment-strategy.mdx │ │ │ ├── 1-redis-backup-strategy.mdx │ │ │ ├── 10-redis-monitoring-alarm.mdx │ │ │ ├── 11-redis-om-automation.mdx │ │ │ ├── 12-redis-disaster-preparedness-plan.mdx │ │ │ ├── 13-redis-om-best-practices.mdx │ │ │ ├── 2-redis-expansion-plan.mdx │ │ │ ├── 3-redis-version-upgrade.mdx │ │ │ ├── 4-redis-configuration-management.mdx │ │ │ ├── 5-redis-log-management.mdx │ │ │ ├── 6-redis-troubleshooting.mdx │ │ │ ├── 7-redis-data-migration.mdx │ │ │ ├── 8-redis-capacity-planning.mdx │ │ │ ├── 9-redis-performance-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-redis-premium-theme │ │ │ ├── 0-redis-release-subscription-details.mdx │ │ │ ├── 1-redis-event-notification.mdx │ │ │ ├── 10-redis-multithreaded-model.mdx │ │ │ ├── 11-redis-hybrid-storage.mdx │ │ │ ├── 12-redis-mass-deployment.mdx │ │ │ ├── 13-redis-future-trends.mdx │ │ │ ├── 2-redis-streaming-advanced-app.mdx │ │ │ ├── 3-redis-atomicity-guarantee.mdx │ │ │ ├── 4-redis-data-consistency-model.mdx │ │ │ ├── 5-redis-memory-management-in-depth.mdx │ │ │ ├── 6-redis-network-programming.mdx │ │ │ ├── 7-redis-protocol-resolution.mdx │ │ │ ├── 8-redis-internal-data-structure.mdx │ │ │ ├── 9-redis-garbage-collection-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-redis-best-practices │ │ │ ├── 0-redis-design-principles.mdx │ │ │ ├── 1-redis-naming-convention.mdx │ │ │ ├── 10-redis-troubleshooting-guide.mdx │ │ │ ├── 11-redis-capacity-assessment.mdx │ │ │ ├── 12-redis-upgrade-migration-guide.mdx │ │ │ ├── 13-redis-production-environment-checklist.mdx │ │ │ ├── 2-redis-key-design-specification.mdx │ │ │ ├── 3-redis-data-type-selection.mdx │ │ │ ├── 4-redis-memory-optimization-guide.mdx │ │ │ ├── 5-redis-performance-tuning-guide.mdx │ │ │ ├── 6-redis-high-availability-best-practices.mdx │ │ │ ├── 7-redis-safety-hardening-guide.mdx │ │ │ ├── 8-redis-development-specification.mdx │ │ │ ├── 9-redis-test-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-redis-advanced-data-type │ │ │ ├── 0-details-of-redis-bitmap.mdx │ │ │ ├── 1-redis-bitmap-scenario.mdx │ │ │ ├── 10-redis-bloom-filter.mdx │ │ │ ├── 11-redis-cuckoo-filter.mdx │ │ │ ├── 12-redis-count-probability-data-structure.mdx │ │ │ ├── 13-redis-topk-data-structure.mdx │ │ │ ├── 2-redis-superlog-details.mdx │ │ │ ├── 3-redis-cardinal-statistics.mdx │ │ │ ├── 4-redis-geolocation-index.mdx │ │ │ ├── 5-redis-geospatial-command.mdx │ │ │ ├── 6-detailed-explanation-of-the-redis-flow-structure.mdx │ │ │ ├── 7-redis-streaming-consumer-group.mdx │ │ │ ├── 8-redis-time-series.mdx │ │ │ ├── 9-redis-probabilistic-data-structure.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-redis-persistence │ │ │ ├── 0-redis-persistence-overview.mdx │ │ │ ├── 1-redis-rdb-persistence.mdx │ │ │ ├── 10-redis-persistence-tuning.mdx │ │ │ ├── 11-redis-data-corruption-fix.mdx │ │ │ ├── 12-redis-disaster-recovery.mdx │ │ │ ├── 13-redis-persistence-best-practices.mdx │ │ │ ├── 2-redis-rdb-configuration.mdx │ │ │ ├── 3-redis-aof-persistence.mdx │ │ │ ├── 4-redis-aof-configuration.mdx │ │ │ ├── 5-redis-blend-persistence.mdx │ │ │ ├── 6-redis-persistence-strategy-selection.mdx │ │ │ ├── 7-redis-backup-restore.mdx │ │ │ ├── 8-redis-data-migration.mdx │ │ │ ├── 9-redis-persistence-performance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-redis-transactions-scripts │ │ │ ├── 0-redis-transaction-basics.mdx │ │ │ ├── 1-redis-multi-command.mdx │ │ │ ├── 10-redis-atomic-operation.mdx │ │ │ ├── 11-redis-script-debugging.mdx │ │ │ ├── 12-redis-script-performance.mdx │ │ │ ├── 13-redis-scripting-best-practices.mdx │ │ │ ├── 2-redis-exec-command.mdx │ │ │ ├── 3-redis-transaction-rollback.mdx │ │ │ ├── 4-redis-optimistic-lock.mdx │ │ │ ├── 5-redis-watch-command.mdx │ │ │ ├── 6-introduction-to-the-redis-script.mdx │ │ │ ├── 7-redis-lua-script.mdx │ │ │ ├── 8-redis-eval-command.mdx │ │ │ ├── 9-redis-script-cache.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-redis-replication-and-high-availability │ │ │ ├── 0-redis-replication-overview.mdx │ │ │ ├── 1-redis-master-slave-copy.mdx │ │ │ ├── 10-redis-high-availability-strategy.mdx │ │ │ ├── 11-redis-master-slave-switch.mdx │ │ │ ├── 12-redis-replication-delay.mdx │ │ │ ├── 13-redis-replication-troubleshooting.mdx │ │ │ ├── 2-redis-replication-configuration.mdx │ │ │ ├── 3-redis-replication-principle.mdx │ │ │ ├── 4-redis-replication-chain.mdx │ │ │ ├── 5-redis-sentinel-mode.mdx │ │ │ ├── 6-redis-sentinel-configuration.mdx │ │ │ ├── 7-redis-sentinel-order.mdx │ │ │ ├── 8-redis-sentinel-election.mdx │ │ │ ├── 9-redis-failover.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-redis-cluster │ │ │ ├── 0-redis-cluster-overview.mdx │ │ │ ├── 1-redis-cluster-architecture.mdx │ │ │ ├── 10-redis-cluster-failover.mdx │ │ │ ├── 11-redis-cluster-management.mdx │ │ │ ├── 12-redis-cluster-maintenance.mdx │ │ │ ├── 13-redis-cluster-best-practices.mdx │ │ │ ├── 2-redis-cluster-configuration.mdx │ │ │ ├── 3-redis-sharding-strategy.mdx │ │ │ ├── 4-redis-slot-allocation.mdx │ │ │ ├── 5-redis-cluster-node-communication.mdx │ │ │ ├── 6-redis-cluster-expansion.mdx │ │ │ ├── 7-redis-cluster-shrinkage.mdx │ │ │ ├── 8-redis-cluster-re-sharding.mdx │ │ │ ├── 9-redis-cluster-failure-detection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-redis-performance-optimization │ │ │ ├── 0-redis-performance-overview.mdx │ │ │ ├── 1-redis-memory-optimization.mdx │ │ │ ├── 10-redis-memory-analysis.mdx │ │ │ ├── 11-redis-throughput-optimization.mdx │ │ │ ├── 12-redis-monitoring-metrics.mdx │ │ │ ├── 13-redis-benchmark.mdx │ │ │ ├── 2-redis-delay-issue.mdx │ │ │ ├── 3-redis-network-optimization.mdx │ │ │ ├── 4-redis-command-optimization.mdx │ │ │ ├── 5-redis-data-structure-selection.mdx │ │ │ ├── 6-redis-key-design-optimization.mdx │ │ │ ├── 7-redis-cache-policy.mdx │ │ │ ├── 8-redis-expiration-policy.mdx │ │ │ ├── 9-redis-memory-fragmentation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-redis-security │ │ │ ├── 0-redis-security-overview.mdx │ │ │ ├── 1-redis-access-control.mdx │ │ │ ├── 10-redis-safety-checklist.mdx │ │ │ ├── 11-redis-vulnerability-prevention.mdx │ │ │ ├── 12-redis-data-protection.mdx │ │ │ ├── 13-redis-security-best-practices.mdx │ │ │ ├── 2-redis-authentication.mdx │ │ │ ├── 3-redis-acl-system.mdx │ │ │ ├── 4-redis-acl-command.mdx │ │ │ ├── 5-redis-command-permissions.mdx │ │ │ ├── 6-redis-cybersecurity.mdx │ │ │ ├── 7-redis-encrypted-communication.mdx │ │ │ ├── 8-redis-anti-injection.mdx │ │ │ ├── 9-redis-security-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-redis-scenario │ │ │ ├── 0-redis-cache-system.mdx │ │ │ ├── 1-redis-session-storage.mdx │ │ │ ├── 10-redis-social-networking-features.mdx │ │ │ ├── 11-redis-recommendation-system.mdx │ │ │ ├── 12-redis-gaming-app.mdx │ │ │ ├── 13-redis-live-chat.mdx │ │ │ ├── 2-redis-counter-application.mdx │ │ │ ├── 3-redis-leaderboard-realization.mdx │ │ │ ├── 4-redis-current-limiter.mdx │ │ │ ├── 5-redis-distributed-lock.mdx │ │ │ ├── 6-redis-message-queue.mdx │ │ │ ├── 7-redis-real-time-analytics.mdx │ │ │ ├── 8-redis-geolocation-app.mdx │ │ │ ├── 9-redis-search-app.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── rocketmq │ │ ├── 0-rocketmq-foundation │ │ │ ├── 0-introduction-to-rocketmq.mdx │ │ │ ├── 1-rocketmq-historical-background.mdx │ │ │ ├── 10-rocketmq-storage-mechanism.mdx │ │ │ ├── 11-rocketmq-communication-protocol.mdx │ │ │ ├── 12-rocketmq-noun-interpretation.mdx │ │ │ ├── 13-rocketmq-version-characteristics.mdx │ │ │ ├── 2-rocketmq-architecture-overview.mdx │ │ │ ├── 3-rocketmq-core-concepts.mdx │ │ │ ├── 4-rocketmq-installation-and-deployment.mdx │ │ │ ├── 5-rocketmq-configuration-instructions.mdx │ │ │ ├── 6-rocketmq-startup-process.mdx │ │ │ ├── 7-rocketmq-command-line-tool.mdx │ │ │ ├── 8-rocketmq-console-use.mdx │ │ │ ├── 9-rocketmq-cluster-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-rocketmq-producer │ │ │ ├── 0-rocketmq-producer-overview.mdx │ │ │ ├── 1-rocketmq-producer-type.mdx │ │ │ ├── 10-rocketmq-producer-retry.mdx │ │ │ ├── 11-rocketmq-message-filtering.mdx │ │ │ ├── 12-rocketmq-producer-load-balancing.mdx │ │ │ ├── 13-rocketmq-producer-best-practices.mdx │ │ │ ├── 2-rocketmq-message-delivery-method.mdx │ │ │ ├── 3-rocketmq-synchronous-send.mdx │ │ │ ├── 4-rocketmq-asynchronous-send.mdx │ │ │ ├── 5-rocketmq-one-way-send.mdx │ │ │ ├── 6-rocketmq-sequence-message.mdx │ │ │ ├── 7-rocketmq-bulk-message.mdx │ │ │ ├── 8-rocketmq-delay-message.mdx │ │ │ ├── 9-rocketmq-transaction-message.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-rocketmq-monitor-om │ │ │ ├── 0-rocketmq-monitoring-metrics.mdx │ │ │ ├── 1-rocketmq-monitoring-system.mdx │ │ │ ├── 10-rocketmq-data-migration.mdx │ │ │ ├── 11-rocketmq-backup-restore.mdx │ │ │ ├── 12-rocketmq-safety-reinforcement.mdx │ │ │ ├── 13-rocketmq-om-best-practices.mdx │ │ │ ├── 2-rocketmq-log-analysis.mdx │ │ │ ├── 3-rocketmq-alarm-settings.mdx │ │ │ ├── 4-rocketmq-troubleshooting.mdx │ │ │ ├── 5-rocketmq-faq.mdx │ │ │ ├── 6-rocketmq-operation-and-maintenance-order.mdx │ │ │ ├── 7-rocketmq-resource-planning.mdx │ │ │ ├── 8-rocketmq-capacity-evaluation.mdx │ │ │ ├── 9-rocketmq-upgrade-plan.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-rocketmq-ecosystem │ │ │ ├── 0-rocketmq-ecological-overview.mdx │ │ │ ├── 1-rocketmq-dashboard.mdx │ │ │ ├── 10-rocketmq-integration-with-prometheus.mdx │ │ │ ├── 11-rocketmq-integration-with-kubernetes.mdx │ │ │ ├── 12-rocketmq-integration-with-alibaba-cloud.mdx │ │ │ ├── 13-rocketmq-community-resources.mdx │ │ │ ├── 2-rocketmq-exporter.mdx │ │ │ ├── 3-rocketmq-connect.mdx │ │ │ ├── 4-rocketmq-streams.mdx │ │ │ ├── 5-rocketmq-integration-with-flink.mdx │ │ │ ├── 6-rocketmq-integration-with-spark.mdx │ │ │ ├── 7-rocketmq-integration-with-spring-cloud.mdx │ │ │ ├── 8-rocketmq-integration-with-dubbo.mdx │ │ │ ├── 9-rocketmq-integration-with-zipkin.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-rocketmq-source-code-analysis │ │ │ ├── 0-rocketmq-code-structure.mdx │ │ │ ├── 1-rocketmq-startup-process-analysis.mdx │ │ │ ├── 10-rocketmq-index-management-source-code.mdx │ │ │ ├── 11-rocketmq-filter-source-code.mdx │ │ │ ├── 12-rocketmq-control-flow-source-code.mdx │ │ │ ├── 13-rocketmq-design-pattern-analysis.mdx │ │ │ ├── 2-rocketmq-message-sending-source-code.mdx │ │ │ ├── 3-rocketmq-message-storage-source-code.mdx │ │ │ ├── 4-rocketmq-message-consumption-source-code.mdx │ │ │ ├── 5-rocketmq-load-balancing-source-code.mdx │ │ │ ├── 6-rocketmq-network-communication-source-code.mdx │ │ │ ├── 7-rocketmq-transaction-implementation-source-code.mdx │ │ │ ├── 8-rocketmq-delay-queue-source-code.mdx │ │ │ ├── 9-rocketmq-master-slave-copy-source.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-rocketmq-scenario │ │ │ ├── 0-rocketmq-asynchronous-decoupling-case.mdx │ │ │ ├── 1-rocketmq-peak-cutting-and-valley-filling-case.mdx │ │ │ ├── 10-rocketmq-system-decoupling-case.mdx │ │ │ ├── 11-rocketmq-big-data-processing-case.mdx │ │ │ ├── 12-rocketmq-microservices-integration-case.mdx │ │ │ ├── 13-rocketmq-e-commerce-use-case.mdx │ │ │ ├── 2-rocketmq-transaction-integration-case.mdx │ │ │ ├── 3-rocketmq-sequential-case.mdx │ │ │ ├── 4-the-case-of-rocketmq-distributed-transactions.mdx │ │ │ ├── 5-rocketmq-log-collection-case.mdx │ │ │ ├── 6-rocketmq-data-synchronization-case.mdx │ │ │ ├── 7-rocketmq-timed-task-case.mdx │ │ │ ├── 8-rocketmq-message-notification-case.mdx │ │ │ ├── 9-rocketmq-flow-control-case.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-rocketmq-live-project │ │ │ ├── 0-rocketmq-e-commerce-order-system.mdx │ │ │ ├── 1-rocketmq-payment-system-integration.mdx │ │ │ ├── 10-rocketmq-high-availability-deployment-combat.mdx │ │ │ ├── 11-rocketmq-performance-tuning-combat.mdx │ │ │ ├── 12-construction-of-rocketmq-monitoring-system.mdx │ │ │ ├── 13-rocketmq-vs-spring-boot-combat.mdx │ │ │ ├── 2-rocketmq-log-aggregation-platform.mdx │ │ │ ├── 3-rocketmq-real-time-data-analysis.mdx │ │ │ ├── 4-the-case-of-rocketmq-distributed-transactions.mdx │ │ │ ├── 5-rocketmq-message-notification-platform.mdx │ │ │ ├── 6-rocketmq-flow-control-system.mdx │ │ │ ├── 7-rocketmq-delayed-task-scheduling.mdx │ │ │ ├── 8-rocketmq-data-synchronization-framework.mdx │ │ │ ├── 9-rocketmq-microservice-communication.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-rocketmq-consumer │ │ │ ├── 0-rocketmq-consumer-overview.mdx │ │ │ ├── 1-rocketmq-consumer-type.mdx │ │ │ ├── 10-rocketmq-message-filtering-consumption.mdx │ │ │ ├── 11-rocketmq-consumption-progress-management.mdx │ │ │ ├── 12-rocketmq-consumption-idempotency.mdx │ │ │ ├── 13-rocketmq-consumer-best-practices.mdx │ │ │ ├── 2-rocketmq-push-mode.mdx │ │ │ ├── 3-rocketmq-pull-mode.mdx │ │ │ ├── 4-rocketmq-message-consumption-method.mdx │ │ │ ├── 5-rocketmq-broadcast-consumption.mdx │ │ │ ├── 6-rocketmq-cluster-consumption.mdx │ │ │ ├── 7-rocketmq-sequential-consumption.mdx │ │ │ ├── 8-rocketmq-consumption-retry.mdx │ │ │ ├── 9-rocketmq-consumer-load-balancing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-rocketmq-message-type │ │ │ ├── 0-rocketmq-normal-message.mdx │ │ │ ├── 1-rocketmq-sequence-message-explained-in-detail.mdx │ │ │ ├── 10-rocketmq-message-trail.mdx │ │ │ ├── 11-rocketmq-message-replay.mdx │ │ │ ├── 12-rocketmq-message-compression.mdx │ │ │ ├── 13-rocketmq-message-reliability.mdx │ │ │ ├── 2-rocketmq-delay-message-explained-in-detail.mdx │ │ │ ├── 3-rocketmq-transaction-message-explained-in-detail.mdx │ │ │ ├── 4-rocketmq-bulk-message-breakdown.mdx │ │ │ ├── 5-rocketmq-timing-message.mdx │ │ │ ├── 6-rocketmq-retry-message.mdx │ │ │ ├── 7-rocketmq-dead-letter-message.mdx │ │ │ ├── 8-rocketmq-message-storage-format.mdx │ │ │ ├── 9-rocketmq-message-index.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-rocketmq-storage-system │ │ │ ├── 0-rocketmq-storage-architecture.mdx │ │ │ ├── 1-rocketmq-storage-file-structure.mdx │ │ │ ├── 10-rocketmq-storage-optimization.mdx │ │ │ ├── 11-rocketmq-memory-mapping.mdx │ │ │ ├── 12-rocketmq-zero-copy-technology.mdx │ │ │ ├── 13-rocketmq-storage-monitoring.mdx │ │ │ ├── 2-rocketmq-commitlog.mdx │ │ │ ├── 3-rocketmq-consumequeue.mdx │ │ │ ├── 4-rocketmq-indexfile.mdx │ │ │ ├── 5-rocketmq-disk-brushing-mechanism.mdx │ │ │ ├── 6-rocketmq-storage-replication.mdx │ │ │ ├── 7-rocketmq-file-recovery.mdx │ │ │ ├── 8-rocketmq-disk-management.mdx │ │ │ ├── 9-rocketmq-file-cleanup.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-rocketmq-cluster-management │ │ │ ├── 0-rocketmq-cluster-deployment-model.mdx │ │ │ ├── 1-rocketmq-master-slave-architecture.mdx │ │ │ ├── 10-rocketmq-resource-isolation.mdx │ │ │ ├── 11-rocketmq-cluster-upgrade.mdx │ │ │ ├── 12-rocketmq-cluster-operation-and-maintenance.mdx │ │ │ ├── 13-rocketmq-cluster-security.mdx │ │ │ ├── 2-rocketmq-multiple-replica-mechanism.mdx │ │ │ ├── 3-rocketmq-dledger-mode.mdx │ │ │ ├── 4-rocketmq-broker-management.mdx │ │ │ ├── 5-rocketmq-nameserver-management.mdx │ │ │ ├── 6-rocketmq-cluster-scaling.mdx │ │ │ ├── 7-rocketmq-failover.mdx │ │ │ ├── 8-rocketmq-cluster-monitoring.mdx │ │ │ ├── 9-rocketmq-disaster-recovery-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-rocketmq-advanced-features │ │ │ ├── 0-rocketmq-message-filtering-mechanism.mdx │ │ │ ├── 1-rocketmq-message-retry-mechanism.mdx │ │ │ ├── 10-rocketmq-timing-task.mdx │ │ │ ├── 11-rocketmq-multi-tenant-isolation.mdx │ │ │ ├── 12-rocketmq-dynamic-configuration.mdx │ │ │ ├── 13-rocketmq-plugin-mechanism.mdx │ │ │ ├── 2-rocketmq-dead-letter-queue.mdx │ │ │ ├── 3-rocketmq-message-trace.mdx │ │ │ ├── 4-rocketmq-acl-permission-control.mdx │ │ │ ├── 5-rocketmq-message-audit.mdx │ │ │ ├── 6-rocketmq-flow-control.mdx │ │ │ ├── 7-rocketmq-message-priority.mdx │ │ │ ├── 8-rocketmq-message-storage-policy.mdx │ │ │ ├── 9-rocketmq-autocreate-theme.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-rocketmq-client-development │ │ │ ├── 0-rocketmq-java-client.mdx │ │ │ ├── 1-rocketmq-cpp-client.mdx │ │ │ ├── 10-rocketmq-client-threading-model.mdx │ │ │ ├── 11-rocketmq-client-exception-handling.mdx │ │ │ ├── 12-rocketmq-client-logs.mdx │ │ │ ├── 13-rocketmq-client-monitoring.mdx │ │ │ ├── 2-rocketmq-go-client.mdx │ │ │ ├── 3-rocketmq-net-client.mdx │ │ │ ├── 4-rocketmq-python-client.mdx │ │ │ ├── 5-rocketmq-nodejs-client.mdx │ │ │ ├── 6-rocketmq-rest-interface.mdx │ │ │ ├── 7-rocketmq-spring-integration.mdx │ │ │ ├── 8-rocketmq-openmessaging-interface.mdx │ │ │ ├── 9-rocketmq-client-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-rocketmq-performance-optimization │ │ │ ├── 0-rocketmq-performance-metrics.mdx │ │ │ ├── 1-rocketmq-performance-test-method.mdx │ │ │ ├── 10-rocketmq-concurrent-tuning.mdx │ │ │ ├── 11-rocketmq-batch-processing-optimization.mdx │ │ │ ├── 12-increased-rocketmq-throughput.mdx │ │ │ ├── 13-rocketmq-delay-optimization.mdx │ │ │ ├── 2-rocketmq-producer-performance-optimization.mdx │ │ │ ├── 3-rocketmq-consumer-performance-optimization.mdx │ │ │ ├── 4-rocketmq-broker-performance-optimization.mdx │ │ │ ├── 5-rocketmq-storage-performance-optimization.mdx │ │ │ ├── 6-rocketmq-network-performance-optimization.mdx │ │ │ ├── 7-rocketmq-memory-optimization.mdx │ │ │ ├── 8-rocketmq-jvm-parameter-tuning.mdx │ │ │ ├── 9-rocketmq-operating-system-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-rocketmq-reliability-assurance │ │ │ ├── 0-rocketmq-reliability-design.mdx │ │ │ ├── 1-rocketmq-message-storage-reliability.mdx │ │ │ ├── 10-rocketmq-backup-strategy.mdx │ │ │ ├── 11-rocketmq-monitoring-alarm.mdx │ │ │ ├── 12-rocketmq-data-verification.mdx │ │ │ ├── 13-rocketmq-security.mdx │ │ │ ├── 2-rocketmq-messaging-reliability.mdx │ │ │ ├── 3-rocketmq-message-consumption-reliability.mdx │ │ │ ├── 4-rocketmq-high-availability-mechanism.mdx │ │ │ ├── 5-rocketmq-fault-detection.mdx │ │ │ ├── 6-rocketmq-master-slave-switch.mdx │ │ │ ├── 7-rocketmq-data-consistency.mdx │ │ │ ├── 8-rocketmq-message-repetition.mdx │ │ │ ├── 9-rocketmq-disaster-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── seata │ │ ├── 0-seata-foundation │ │ │ ├── 0-introduction-to-seata.mdx │ │ │ ├── 1-seata-historical-background.mdx │ │ │ ├── 10-seata-core-components.mdx │ │ │ ├── 11-how-seata-works.mdx │ │ │ ├── 12-explanation-of-seata-terminology.mdx │ │ │ ├── 13-seata-version-characteristics.mdx │ │ │ ├── 2-seata-architecture-overview.mdx │ │ │ ├── 3-seata-core-concepts.mdx │ │ │ ├── 4-seata-installation-and-deployment.mdx │ │ │ ├── 5-seata-configuration-center.mdx │ │ │ ├── 6-seata-registry.mdx │ │ │ ├── 7-seata-environment-construction.mdx │ │ │ ├── 8-seata-client-access.mdx │ │ │ ├── 9-seata-server-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-seata-transaction-mode │ │ │ ├── 0-seata-transaction-mode-overview.mdx │ │ │ ├── 1-seata-at-mode.mdx │ │ │ ├── 10-seata-transaction-boundary.mdx │ │ │ ├── 11-seata-transaction-context.mdx │ │ │ ├── 12-seata-transaction-propagation.mdx │ │ │ ├── 13-seata-transaction-isolation-level.mdx │ │ │ ├── 2-seata-at-principle.mdx │ │ │ ├── 3-seata-tcc-mode.mdx │ │ │ ├── 4-seata-tcc-implementation.mdx │ │ │ ├── 5-seata-saga-mode.mdx │ │ │ ├── 6-seata-saga-state-machine.mdx │ │ │ ├── 7-seata-xa-mode.mdx │ │ │ ├── 8-seata-xa-transaction.mdx │ │ │ ├── 9-comparison-of-seata-transaction-modes.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-seata-registration-discovery │ │ │ ├── 0-seata-registry-overview.mdx │ │ │ ├── 1-seata-file-registry.mdx │ │ │ ├── 10-seata-service-subscription-mechanism.mdx │ │ │ ├── 11-seata-load-balancing-strategy.mdx │ │ │ ├── 12-seata-failover-mechanism.mdx │ │ │ ├── 13-seata-registry-selection.mdx │ │ │ ├── 2-seata-nacos-registry.mdx │ │ │ ├── 3-seata-eureka-registry.mdx │ │ │ ├── 4-seata-redis-registry.mdx │ │ │ ├── 5-seata-zookeeper-registry.mdx │ │ │ ├── 6-seata-consul-registry.mdx │ │ │ ├── 7-seata-etcd-registry.mdx │ │ │ ├── 8-seata-cluster-service-discovery.mdx │ │ │ ├── 9-seata-service-registration-process.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-seata-storage-mode │ │ │ ├── 0-seata-storage-overview.mdx │ │ │ ├── 1-seata-file-storage.mdx │ │ │ ├── 10-seata-storage-disaster-recovery.mdx │ │ │ ├── 11-seata-data-cleansing-mechanism.mdx │ │ │ ├── 12-seata-storage-monitoring.mdx │ │ │ ├── 13-seata-storage-scalability.mdx │ │ │ ├── 2-seata-database-storage.mdx │ │ │ ├── 3-seata-redis-storage.mdx │ │ │ ├── 4-seata-transaction-log-storage.mdx │ │ │ ├── 5-seata-global-lock-storage.mdx │ │ │ ├── 6-seata-table-structure-design.mdx │ │ │ ├── 7-seata-storage-engine-selection.mdx │ │ │ ├── 8-seata-storage-performance-comparison.mdx │ │ │ ├── 9-seata-data-recovery-strategy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-seata-high-availability-deployment │ │ │ ├── 0-seata-high-availability-overview.mdx │ │ │ ├── 1-seata-cluster-deployment.mdx │ │ │ ├── 10-seata-containerized-deployment.mdx │ │ │ ├── 11-seata-kubernetes-deployment.mdx │ │ │ ├── 12-seata-monitoring-alarm.mdx │ │ │ ├── 13-seata-ops-best-practices.mdx │ │ │ ├── 2-seata-multi-room-deployment.mdx │ │ │ ├── 3-seata-live-off-site.mdx │ │ │ ├── 4-seata-disaster-recovery-design.mdx │ │ │ ├── 5-seata-load-balancing.mdx │ │ │ ├── 6-seata-health-check.mdx │ │ │ ├── 7-seata-fault-detection.mdx │ │ │ ├── 8-seata-auto-recovery.mdx │ │ │ ├── 9-seata-service-degradation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-seata-microservices-framework-integration │ │ │ ├── 0-seata-spring-integration.mdx │ │ │ ├── 1-seata-spring-boot-integration.mdx │ │ │ ├── 10-seata-jdbc-integration.mdx │ │ │ ├── 11-seata-sharding-jdbc-integration.mdx │ │ │ ├── 12-seata-distributed-lock-integration.mdx │ │ │ ├── 13-seata-microservice-governance.mdx │ │ │ ├── 2-seata-spring-cloud-integration.mdx │ │ │ ├── 3-seata-dubbo-integration.mdx │ │ │ ├── 4-seata-grpc-integration.mdx │ │ │ ├── 5-seata-motan-integration.mdx │ │ │ ├── 6-seata-sofa-rpc-integration.mdx │ │ │ ├── 7-seata-http-integration.mdx │ │ │ ├── 8-seata-mybatis-integration.mdx │ │ │ ├── 9-seata-jpa-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-seata-performance-optimization │ │ │ ├── 0-seata-performance-overview.mdx │ │ │ ├── 1-seata-network-communication-optimization.mdx │ │ │ ├── 10-seata-big-transaction-split.mdx │ │ │ ├── 11-seata-monitoring-metrics-analysis.mdx │ │ │ ├── 12-seata-performance-bottleneck-troubleshooting.mdx │ │ │ ├── 13-seata-performance-test-method.mdx │ │ │ ├── 2-seata-connection-pool-optimization.mdx │ │ │ ├── 3-seata-asynchronous-submission-optimization.mdx │ │ │ ├── 4-seata-global-lock-optimization.mdx │ │ │ ├── 5-seata-database-optimization.mdx │ │ │ ├── 6-seata-gc-tuning.mdx │ │ │ ├── 7-seata-memory-optimization.mdx │ │ │ ├── 8-seata-thread-model-optimization.mdx │ │ │ ├── 9-seata-bulk-action.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-seata-monitoring-management │ │ │ ├── 0-seata-monitoring-overview.mdx │ │ │ ├── 1-seata-metrics-collection.mdx │ │ │ ├── 10-seata-transaction-management.mdx │ │ │ ├── 11-seata-transaction-recovery.mdx │ │ │ ├── 12-seata-log-analysis.mdx │ │ │ ├── 13-seata-monitoring-best-practices.mdx │ │ │ ├── 2-seata-prometheus-integration.mdx │ │ │ ├── 3-seata-grafana-panel.mdx │ │ │ ├── 4-seata-jmx-monitoring.mdx │ │ │ ├── 5-seata-transaction-monitoring.mdx │ │ │ ├── 6-seata-performance-monitoring.mdx │ │ │ ├── 7-seata-link-tracing.mdx │ │ │ ├── 8-seata-alarm-configuration.mdx │ │ │ ├── 9-using-the-seata-console.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-seata-security-mechanism │ │ │ ├── 0-seata-security-overview.mdx │ │ │ ├── 1-seata-access-control.mdx │ │ │ ├── 10-seata-disaster-recovery.mdx │ │ │ ├── 11-seata-security-testing.mdx │ │ │ ├── 12-seata-security-compliance.mdx │ │ │ ├── 13-seata-security-best-practices.mdx │ │ │ ├── 2-seata-authentication-authorization.mdx │ │ │ ├── 3-seata-secure-communication.mdx │ │ │ ├── 4-seata-tls-configuration.mdx │ │ │ ├── 5-seata-data-encryption.mdx │ │ │ ├── 6-seata-sensitive-information-protection.mdx │ │ │ ├── 7-seata-cross-domain-security.mdx │ │ │ ├── 8-seata-security-audit.mdx │ │ │ ├── 9-seata-risk-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-seata-problem-diagnosis │ │ │ ├── 0-seata-problem-diagnostics-overview.mdx │ │ │ ├── 1-seata-log-analysis.mdx │ │ │ ├── 10-seata-debugging-tips.mdx │ │ │ ├── 11-seata-troubleshooting.mdx │ │ │ ├── 12-seata-stress-test.mdx │ │ │ ├── 13-seata-troubleshooting-process.mdx │ │ │ ├── 2-seata-transaction-status-query.mdx │ │ │ ├── 3-seata-global-lock-analysis.mdx │ │ │ ├── 4-seata-transaction-timeout-diagnostics.mdx │ │ │ ├── 5-seata-performance-troubleshooting.mdx │ │ │ ├── 6-seata-network-troubleshooting.mdx │ │ │ ├── 7-seata-data-consistency-check.mdx │ │ │ ├── 8-seata-exception-transaction-recovery.mdx │ │ │ ├── 9-seata-common-error-codes.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-seata-advanced-features │ │ │ ├── 0-seata-distributed-transaction-id.mdx │ │ │ ├── 1-seata-transaction-context-passing.mdx │ │ │ ├── 10-seata-dynamic-proxy-enhancement.mdx │ │ │ ├── 11-seata-custom-transaction-annotation.mdx │ │ │ ├── 12-seata-transaction-template.mdx │ │ │ ├── 13-seata-extension-point-mechanism.mdx │ │ │ ├── 2-seata-nested-transaction-support.mdx │ │ │ ├── 3-seata-branch-transaction-parallelization.mdx │ │ │ ├── 4-seata-multi-source-support.mdx │ │ │ ├── 5-seata-read-write-separation-support.mdx │ │ │ ├── 6-seata-subdivision-table-support.mdx │ │ │ ├── 7-seata-rds-support.mdx │ │ │ ├── 8-seata-cross-service-transactions.mdx │ │ │ ├── 9-seata-cross-language-support.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-seata-best-practices │ │ │ ├── 0-seata-design-specification.mdx │ │ │ ├── 1-seata-code-style.mdx │ │ │ ├── 10-seata-performance-tuning-guide.mdx │ │ │ ├── 11-seata-production-environment-deployment.mdx │ │ │ ├── 12-seata-version-upgrade-policy.mdx │ │ │ ├── 13-seata-common-pitfalls.mdx │ │ │ ├── 2-seata-transaction-boundary-design.mdx │ │ │ ├── 3-seata-compensation-design.mdx │ │ │ ├── 4-seata-exception-handling-strategy.mdx │ │ │ ├── 5-seata-timeout-policy.mdx │ │ │ ├── 6-seata-retry-mechanism-design.mdx │ │ │ ├── 7-seata-idempotent-design.mdx │ │ │ ├── 8-seata-data-consistency-assurance.mdx │ │ │ ├── 9-seata-large-transaction-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-seata-at-mode │ │ │ ├── 0-seata-at-mode-overview.mdx │ │ │ ├── 1-seata-at-design-principles.mdx │ │ │ ├── 10-seata-at-database-support.mdx │ │ │ ├── 11-seata-at-usage-restrictions.mdx │ │ │ ├── 12-seata-at-performance-optimization.mdx │ │ │ ├── 13-seata-at-best-practices.mdx │ │ │ ├── 2-seata-at-global-lock.mdx │ │ │ ├── 3-seata-at-line-lock.mdx │ │ │ ├── 4-seata-at-two-stage-commit.mdx │ │ │ ├── 5-seata-at-rollback-principle.mdx │ │ │ ├── 6-seata-at-data-source-proxy.mdx │ │ │ ├── 7-seata-at-isolation-level.mdx │ │ │ ├── 8-seata-at-dirty-writing-problem.mdx │ │ │ ├── 9-seata-at-dirty-reading-problem.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-seata-tcc-mode │ │ │ ├── 0-seata-tcc-mode-overview.mdx │ │ │ ├── 1-seata-tcc-design-principles.mdx │ │ │ ├── 10-seata-tcc-business-model.mdx │ │ │ ├── 11-seata-tcc-exception-handling.mdx │ │ │ ├── 12-seata-tcc-performance-considerations.mdx │ │ │ ├── 13-seata-tcc-best-practices.mdx │ │ │ ├── 2-seata-tcc-interface-design.mdx │ │ │ ├── 3-seata-tcc-try-phase.mdx │ │ │ ├── 4-seata-tcc-confirm-phase.mdx │ │ │ ├── 5-seata-tcc-cancel-phase.mdx │ │ │ ├── 6-seata-tcc-transaction-suspension.mdx │ │ │ ├── 7-seata-tcc-empty-rollback.mdx │ │ │ ├── 8-seata-tcc-idempotent-design.mdx │ │ │ ├── 9-seata-tcc-anti-hanging-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-seata-saga-mode │ │ │ ├── 0-seata-saga-mode-overview.mdx │ │ │ ├── 1-seata-saga-design-principles.mdx │ │ │ ├── 10-seata-saga-state-routing.mdx │ │ │ ├── 11-seata-saga-parallel-processing.mdx │ │ │ ├── 12-seata-saga-timeout-control.mdx │ │ │ ├── 13-seata-saga-best-practices.mdx │ │ │ ├── 2-seata-saga-state-machine-definition.mdx │ │ │ ├── 3-seata-saga-state-language.mdx │ │ │ ├── 4-seata-saga-choreography-design.mdx │ │ │ ├── 5-seata-saga-compensation-mechanism.mdx │ │ │ ├── 6-seata-saga-transaction-implementation.mdx │ │ │ ├── 7-seata-saga-exception-handling.mdx │ │ │ ├── 8-seata-saga-state-persistence.mdx │ │ │ ├── 9-seata-saga-visual-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-seata-xa-mode │ │ │ ├── 0-seata-xa-mode-overview.mdx │ │ │ ├── 1-seata-xa-design-principles.mdx │ │ │ ├── 10-seata-xa-usage-scenarios.mdx │ │ │ ├── 11-seata-xa-restriction.mdx │ │ │ ├── 12-seata-xa-failure-recovery.mdx │ │ │ ├── 13-seata-xa-best-practices.mdx │ │ │ ├── 2-seata-xa-vs-standard-xa.mdx │ │ │ ├── 3-seata-xa-resource-management.mdx │ │ │ ├── 4-seata-xa-transaction-manager.mdx │ │ │ ├── 5-seata-xa-two-phase-submission.mdx │ │ │ ├── 6-seata-xa-transaction-recovery.mdx │ │ │ ├── 7-seata-xa-database-support.mdx │ │ │ ├── 8-seata-xa-performance-impact.mdx │ │ │ ├── 9-seata-xa-vs-at.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-seata-transaction-coordinator-tc │ │ │ ├── 0-seata-tc-architecture-design.mdx │ │ │ ├── 1-seata-tc-startup-process.mdx │ │ │ ├── 10-seata-tc-failover.mdx │ │ │ ├── 11-seata-tc-exception-handling.mdx │ │ │ ├── 12-seata-tc-performance-tuning.mdx │ │ │ ├── 13-seata-tc-horizontal-extension.mdx │ │ │ ├── 2-seata-tc-service-registration.mdx │ │ │ ├── 3-seata-tc-cluster-deployment.mdx │ │ │ ├── 4-seata-tc-high-availability-configuration.mdx │ │ │ ├── 5-seata-tc-load-balancing.mdx │ │ │ ├── 6-seata-tc-data-storage.mdx │ │ │ ├── 7-seata-tc-transaction-log.mdx │ │ │ ├── 8-seata-tc-communication-protocol.mdx │ │ │ ├── 9-seata-tc-monitoring-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-seata-transaction-manager-tm │ │ │ ├── 0-seata-tm-design-principles.mdx │ │ │ ├── 1-seata-tm-interface-definition.mdx │ │ │ ├── 10-seata-tm-nested-transactions.mdx │ │ │ ├── 11-seata-tm-transaction-pending.mdx │ │ │ ├── 12-seata-tm-transaction-recovery.mdx │ │ │ ├── 13-seata-tm-best-practices.mdx │ │ │ ├── 2-seata-tm-terms-of-reference.mdx │ │ │ ├── 3-seata-tm-global-transaction.mdx │ │ │ ├── 4-seata-tm-transaction-context.mdx │ │ │ ├── 5-seata-tm-transaction-propagation.mdx │ │ │ ├── 6-seata-tm-timeout-management.mdx │ │ │ ├── 7-seata-tm-exception-handling.mdx │ │ │ ├── 8-seata-tm-interacts-with-tc.mdx │ │ │ ├── 9-seata-tm-transaction-status.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-seata-explorer-rm │ │ │ ├── 0-seata-rm-design-principles.mdx │ │ │ ├── 1-seata-rm-interface-definition.mdx │ │ │ ├── 10-seata-rm-transaction-submission.mdx │ │ │ ├── 11-seata-rm-transaction-rollback.mdx │ │ │ ├── 12-seata-rm-exception-handling.mdx │ │ │ ├── 13-seata-rm-best-practices.mdx │ │ │ ├── 2-seata-rm-terms-of-reference.mdx │ │ │ ├── 3-seata-rm-branch-transaction.mdx │ │ │ ├── 4-seata-rm-resource-locking.mdx │ │ │ ├── 5-seata-rm-log-management.mdx │ │ │ ├── 6-seata-rm-data-proxy.mdx │ │ │ ├── 7-seata-rm-interacts-with-tc.mdx │ │ │ ├── 8-seata-rm-branch-registration.mdx │ │ │ ├── 9-seata-rm-branch-report.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-seata-configuration-management │ │ │ ├── 0-seata-configuration-center-overview.mdx │ │ │ ├── 1-seata-file-configuration.mdx │ │ │ ├── 10-seata-configuration-priority.mdx │ │ │ ├── 11-seata-configuration-hot-update.mdx │ │ │ ├── 12-seata-client-configuration.mdx │ │ │ ├── 13-seata-server-configuration.mdx │ │ │ ├── 2-seata-nacos-configuration.mdx │ │ │ ├── 3-seata-apollo-configuration.mdx │ │ │ ├── 4-seata-zookeeper-configuration.mdx │ │ │ ├── 5-seata-consul-configuration.mdx │ │ │ ├── 6-seata-etcd-configuration.mdx │ │ │ ├── 7-seata-redis-configuration.mdx │ │ │ ├── 8-detailed-explanation-of-seata-configuration-items.mdx │ │ │ ├── 9-seata-dynamic-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── sentinel │ │ ├── 0-sentinel-foundation │ │ │ ├── 0-introduction-to-sentinel.mdx │ │ │ ├── 1-sentinel-architecture-overview.mdx │ │ │ ├── 10-sentinel-development-history.mdx │ │ │ ├── 11-sentinel-ecosystem.mdx │ │ │ ├── 12-sentinel-version-characteristics.mdx │ │ │ ├── 13-sentinel-quick-start.mdx │ │ │ ├── 2-sentinel-core-concepts.mdx │ │ │ ├── 3-sentinel-installation-and-deployment.mdx │ │ │ ├── 4-sentinel-environment-configuration.mdx │ │ │ ├── 5-using-the-sentinel-console.mdx │ │ │ ├── 6-sentinel-core-terminology.mdx │ │ │ ├── 7-how-sentinel-works.mdx │ │ │ ├── 8-sentinel-compared-to-other-frameworks.mdx │ │ │ ├── 9-sentinel-usage-scenarios.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-sentinel-flow-control │ │ │ ├── 0-sentinel-flow-control-overview.mdx │ │ │ ├── 1-sentinel-qps-throttling.mdx │ │ │ ├── 10-sentinel-flow-control-rule-persistence.mdx │ │ │ ├── 11-sentinel-flow-control-best-practices.mdx │ │ │ ├── 12-sentinel-flow-control-exception-handling.mdx │ │ │ ├── 13-sentinel-flow-monitoring-metrics.mdx │ │ │ ├── 2-sentinel-concurrent-threads-throttling.mdx │ │ │ ├── 3-sentinel-hotspot-parameter-throttling.mdx │ │ │ ├── 4-sentinel-uniform-queuing-mode.mdx │ │ │ ├── 5-sentinel-warm-up-mode.mdx │ │ │ ├── 6-sentinel-fast-failure-mode.mdx │ │ │ ├── 7-comparison-of-sentinel-flow-control-effects.mdx │ │ │ ├── 8-sentinel-flow-control-rule-configuration.mdx │ │ │ ├── 9-sentinel-dynamic-rule-adjustment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-sentinel-source-code-analysis │ │ │ ├── 0-sentinel-source-code-structure-overview.mdx │ │ │ ├── 1-sentinel-core-class-analysis.mdx │ │ │ ├── 10-sentinel-exception-handling-mechanism.mdx │ │ │ ├── 11-sentinel-performance-optimization-source-code.mdx │ │ │ ├── 12-sentinel-memory-optimization-strategy.mdx │ │ │ ├── 13-sentinel-extension-point-implementation.mdx │ │ │ ├── 2-sentinel-workflow-source-code.mdx │ │ │ ├── 3-implementation-of-sentinel-current-limiting-algorithm.mdx │ │ │ ├── 4-sentinel-sliding-window-implementation.mdx │ │ │ ├── 5-sentinel-statistical-data-structure.mdx │ │ │ ├── 6-the-sentinel-rule-parses-the-source-code.mdx │ │ │ ├── 7-sentinel-context-management-source-code.mdx │ │ │ ├── 8-sentinel-slot-chain-design-source-code.mdx │ │ │ ├── 9-sentinel-resource-call-link.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-sentinel-testing-and-tuning │ │ │ ├── 0-sentinel-test-strategy.mdx │ │ │ ├── 1-sentinel-pressure-test.mdx │ │ │ ├── 10-using-the-sentinel-test-tool.mdx │ │ │ ├── 11-sentinel-fault-injection-test.mdx │ │ │ ├── 12-sentinel-resilience-test.mdx │ │ │ ├── 13-sentinel-availability-verification.mdx │ │ │ ├── 2-sentinel-performance-benchmark.mdx │ │ │ ├── 3-sentinel-rule-tuning-method.mdx │ │ │ ├── 4-sentinel-system-parameter-tuning.mdx │ │ │ ├── 5-sentinel-qps-threshold-determination.mdx │ │ │ ├── 6-sentinel-fuse-parameter-adjustment.mdx │ │ │ ├── 7-sentinel-memory-usage-optimization.mdx │ │ │ ├── 8-sentinel-cpu-usage-optimization.mdx │ │ │ ├── 9-sentinel-log-configuration-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-sentinel-best-practices │ │ │ ├── 0-sentinel-production-environment-deployment.mdx │ │ │ ├── 1-sentinel-high-availability-configuration.mdx │ │ │ ├── 10-sentinel-upgrade-migration-guide.mdx │ │ │ ├── 11-sentinel-performance-optimization-guide.mdx │ │ │ ├── 12-sentinel-security-practices.mdx │ │ │ ├── 13-sentinel-case-study.mdx │ │ │ ├── 2-sentinel-rule-configuration-best-practices.mdx │ │ │ ├── 3-sentinel-resource-definition-specification.mdx │ │ │ ├── 4-sentinel-log-management.mdx │ │ │ ├── 5-sentinel-monitoring-alarm-policy.mdx │ │ │ ├── 6-sentinel-and-microservices-architecture.mdx │ │ │ ├── 7-sentinel-mass-deployment.mdx │ │ │ ├── 8-sentinel-multi-tenant-quarantine.mdx │ │ │ ├── 9-sentinel-frequently-asked-questions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-sentinel-extension-development │ │ │ ├── 0-sentinel-extension-point-overview.mdx │ │ │ ├── 1-sentinel-custom-rules.mdx │ │ │ ├── 10-sentinel-custom-console.mdx │ │ │ ├── 11-sentinel-plugin-design.mdx │ │ │ ├── 12-sentinel-integrates-with-business-systems.mdx │ │ │ ├── 13-sentinel-secondary-development-guide.mdx │ │ │ ├── 2-sentinel-custom-flow-control-algorithm.mdx │ │ │ ├── 3-sentinel-custom-data-source.mdx │ │ │ ├── 4-sentinel-custom-processorslot.mdx │ │ │ ├── 5-sentinel-custom-statistics-policy.mdx │ │ │ ├── 6-sentinel-custom-sliding-window.mdx │ │ │ ├── 7-sentinel-custom-current-limiting-effect.mdx │ │ │ ├── 8-sentinel-custom-fuse-policy.mdx │ │ │ ├── 9-sentinel-custom-spi-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-sentinel-battle-cases │ │ │ ├── 0-sentinel-e-commerce-system-protection-case.mdx │ │ │ ├── 1-sentinel-financial-system-protection-case.mdx │ │ │ ├── 10-sentinel-devops-integration-case.mdx │ │ │ ├── 11-sentinel-multitenant-environment-case.mdx │ │ │ ├── 12-sentinel-cloud-native-environment-use-case.mdx │ │ │ ├── 13-sentinel-enterprise-practice-summary.mdx │ │ │ ├── 2-sentinel-api-gateway-throttling-case.mdx │ │ │ ├── 3-sentinel-second-kill-system-protection-case.mdx │ │ │ ├── 4-sentinel-microservices-cluster-case.mdx │ │ │ ├── 5-sentinel-campaign-protection-case.mdx │ │ │ ├── 6-sentinel-distributed-system-fuse-case.mdx │ │ │ ├── 7-sentinel-chaotic-engineering-practice.mdx │ │ │ ├── 8-sentinel-online-troubleshooting-case.mdx │ │ │ ├── 9-sentinel-performance-bottleneck-resolution-case.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-sentinel-fuse-downgrade │ │ │ ├── 0-sentinel-fuse-degradation-overview.mdx │ │ │ ├── 1-sentinel-fuse-strategy.mdx │ │ │ ├── 10-analysis-of-fusing-effect-of-sentinel.mdx │ │ │ ├── 11-sentinel-fuse-monitoring.mdx │ │ │ ├── 12-sentinel-fuse-rule-persistence.mdx │ │ │ ├── 13-sentinel-fuse-best-practices.mdx │ │ │ ├── 2-sentinel-slow-call-proportional-blowout.mdx │ │ │ ├── 3-sentinel-abnormal-proportional-blowout.mdx │ │ │ ├── 4-sentinel-abnormality-blown.mdx │ │ │ ├── 5-sentinel-fuse-recovery-mechanism.mdx │ │ │ ├── 6-sentinel-blown-state-machine.mdx │ │ │ ├── 7-sentinel-downgrade-rule-configuration.mdx │ │ │ ├── 8-sentinel-fuse-downgrade-case.mdx │ │ │ ├── 9-sentinel-fuse-vs-hystrix.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-sentinel-system-adaptive-protection │ │ │ ├── 0-sentinel-system-protection-overview.mdx │ │ │ ├── 1-sentinel-system-rule-design.mdx │ │ │ ├── 10-sentinel-system-protection-case.mdx │ │ │ ├── 11-sentinel-system-rules-combined-with-resource-rules.mdx │ │ │ ├── 12-sentinel-system-protection-monitoring.mdx │ │ │ ├── 13-sentinel-system-rules-best-practices.mdx │ │ │ ├── 2-sentinel-system-load-protection.mdx │ │ │ ├── 3-sentinel-cpu-usage-protection.mdx │ │ │ ├── 4-sentinel-average-rt-protection.mdx │ │ │ ├── 5-sentinel-concurrent-thread-count-protection.mdx │ │ │ ├── 6-sentinel-ingress-qps-protection.mdx │ │ │ ├── 7-sentinel-system-rule-configuration.mdx │ │ │ ├── 8-sentinel-adaptive-mechanism.mdx │ │ │ ├── 9-sentinel-system-rule-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-sentinel-rule-management │ │ │ ├── 0-sentinel-rule-management-overview.mdx │ │ │ ├── 1-sentinel-rule-type.mdx │ │ │ ├── 10-sentinel-rule-push-mode.mdx │ │ │ ├── 11-sentinel-rule-pull-mode.mdx │ │ │ ├── 12-sentinel-rule-merge-strategy.mdx │ │ │ ├── 13-sentinel-rule-version-management.mdx │ │ │ ├── 2-sentinel-rule-loading-method.mdx │ │ │ ├── 3-sentinel-dynamic-rules-data-source.mdx │ │ │ ├── 4-sentinel-rule-persistence.mdx │ │ │ ├── 5-sentinel-configuration-center-integration.mdx │ │ │ ├── 6-sentinel-nacos-rule-store.mdx │ │ │ ├── 7-sentinel-apollo-rule-store.mdx │ │ │ ├── 8-sentinel-zookeeper-rule-store.mdx │ │ │ ├── 9-sentinel-redis-rule-store.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-sentinel-cluster-flow-control │ │ │ ├── 0-sentinel-cluster-flow-control-overview.mdx │ │ │ ├── 1-sentinel-cluster-flow-control-architecture.mdx │ │ │ ├── 10-sentinel-cluster-flow-control-performance.mdx │ │ │ ├── 11-sentinel-cluster-flow-control-high-availability.mdx │ │ │ ├── 12-sentinel-cluster-throttling-rules.mdx │ │ │ ├── 13-sentinel-cluster-flow-control-best-practices.mdx │ │ │ ├── 2-sentinel-tokenserver-mode.mdx │ │ │ ├── 3-sentinel-embeddedclient-mode.mdx │ │ │ ├── 4-sentinel-cluster-rule-configuration.mdx │ │ │ ├── 5-sentinel-cluster-service-deployment.mdx │ │ │ ├── 6-sentinel-cluster-node-communication.mdx │ │ │ ├── 7-sentinel-cluster-throttling-algorithm.mdx │ │ │ ├── 8-sentinel-cluster-flow-control-scenario.mdx │ │ │ ├── 9-sentinel-cluster-flow-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-sentinel-main-api │ │ │ ├── 0-sentinel-api-overview.mdx │ │ │ ├── 1-sentinel-sphu-api.mdx │ │ │ ├── 10-sentinel-initfunc-extension-point.mdx │ │ │ ├── 11-sentinel-slotchain-extension.mdx │ │ │ ├── 12-sentinel-processorslot-customization.mdx │ │ │ ├── 13-sentinel-api-usage-example.mdx │ │ │ ├── 2-sentinel-tracer-api.mdx │ │ │ ├── 3-sentinel-contextutil-api.mdx │ │ │ ├── 4-sentinel-resource-definition.mdx │ │ │ ├── 5-sentinel-rule-build-api.mdx │ │ │ ├── 6-sentinel-annotation-support.mdx │ │ │ ├── 7-sentinel-dynamic-resource-configuration.mdx │ │ │ ├── 8-sentinel-asynchronous-call-support.mdx │ │ │ ├── 9-sentinel-context-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-sentinel-adaptive-framework │ │ │ ├── 0-sentinel-fit-overview.mdx │ │ │ ├── 1-sentinel-integration-with-spring-boot.mdx │ │ │ ├── 10-sentinel-integrated-with-gateway.mdx │ │ │ ├── 11-sentinel-integration-with-openfeign.mdx │ │ │ ├── 12-sentinel-adaptive-extension-mechanism.mdx │ │ │ ├── 13-sentinel-framework-adaptation-best-practices.mdx │ │ │ ├── 2-sentinel-integration-with-spring-cloud.mdx │ │ │ ├── 3-sentinel-integration-with-dubbo.mdx │ │ │ ├── 4-sentinel-integration-with-grpc.mdx │ │ │ ├── 5-sentinel-integration-with-apache-rocketmq.mdx │ │ │ ├── 6-sentinel-integrates-with-feign.mdx │ │ │ ├── 7-sentinel-integration-with-servlet.mdx │ │ │ ├── 8-sentinel-integration-with-webflux.mdx │ │ │ ├── 9-sentinel-integration-with-zuul.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-sentinel-monitoring-and-dashboard │ │ │ ├── 0-sentinel-console-overview.mdx │ │ │ ├── 1-sentinel-console-installation.mdx │ │ │ ├── 10-sentinel-custom-monitoring-metrics.mdx │ │ │ ├── 11-sentinel-monitoring-alarm-configuration.mdx │ │ │ ├── 12-sentinel-console-rights-management.mdx │ │ │ ├── 13-sentinel-multi-application-management.mdx │ │ │ ├── 2-sentinel-monitoring-data-collection.mdx │ │ │ ├── 3-sentinel-real-time-monitoring.mdx │ │ │ ├── 4-sentinel-rule-management-interface.mdx │ │ │ ├── 5-sentinel-cluster-point-link.mdx │ │ │ ├── 6-sentinel-real-time-metrics.mdx │ │ │ ├── 7-sentinel-monitoring-data-persistence.mdx │ │ │ ├── 8-sentinel-integration-with-prometheus.mdx │ │ │ ├── 9-sentinel-integration-with-grafana.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-sentinel-premium-features │ │ │ ├── 0-sentinel-hotspot-parameter-throttling.mdx │ │ │ ├── 1-sentinel-associated-flow-control.mdx │ │ │ ├── 10-sentinel-multi-environmental-isolation.mdx │ │ │ ├── 11-sentinel-global-switch.mdx │ │ │ ├── 12-sentinel-proactive-demotion.mdx │ │ │ ├── 13-sentinel-custom-statistic-metrics.mdx │ │ │ ├── 2-sentinel-link-tracing.mdx │ │ │ ├── 3-sentinel-gateway-flow-control.mdx │ │ │ ├── 4-sentinel-authorization-rules.mdx │ │ │ ├── 5-sentinel-whitelist-control.mdx │ │ │ ├── 6-sentinel-blacklist-control.mdx │ │ │ ├── 7-sentinel-traffic-shaping.mdx │ │ │ ├── 8-sentinel-system-starts-warming-up.mdx │ │ │ ├── 9-sentinel-rule-grayscale-release.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── zookeeper │ │ ├── 0-zookeeper-basics │ │ ├── 0-introduction-to-zookeeper.mdx │ │ ├── 1-zookeeper-history-and-development.mdx │ │ ├── 10-zookeeper-session-management.mdx │ │ ├── 11-zookeeper-version-comparison.mdx │ │ ├── 12-zookeeper-ecosystem.mdx │ │ ├── 13-zookeeper-and-cap-theory.mdx │ │ ├── 2-overview-of-zookeeper-architecture.mdx │ │ ├── 3-zookeeper-features-and-benefits.mdx │ │ ├── 4-zookeeper-usage-scenarios.mdx │ │ ├── 5-zookeeper-and-distributed-systems.mdx │ │ ├── 6-zookeeper-data-model.mdx │ │ ├── 7-zookeeper-node-type.mdx │ │ ├── 8-zookeeper-basic-concepts.mdx │ │ ├── 9-zookeeper-namespace.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-zookeeper-environment-setup │ │ ├── 0-zookeeper-pre-installation-preparation.mdx │ │ ├── 1-zookeeper-stand-alone-mode-installation.mdx │ │ ├── 10-zookeeper-log-configuration.mdx │ │ ├── 11-zookeeper-performance-tuning.mdx │ │ ├── 12-zookeeper-monitoring-settings.mdx │ │ ├── 13-zookeeper-installation-faq.mdx │ │ ├── 2-zookeeper-cluster-mode-installation.mdx │ │ ├── 3-detailed-zookeeper-configuration-file.mdx │ │ ├── 4-zookeeper-environment-variable-settings.mdx │ │ ├── 5-zookeeper-directory-structure.mdx │ │ ├── 6-starting-and-stopping-zookeeper.mdx │ │ ├── 7-zookeeper-status-check.mdx │ │ ├── 8-zookeeper-command-line-tool.mdx │ │ ├── 9-zookeeper-client-connection.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-common-zookeeper-scenarios │ │ ├── 0-zookeeper-configuration-center.mdx │ │ ├── 1-zookeeper-service-discovery.mdx │ │ ├── 10-zookeeper---distributed-counter.mdx │ │ ├── 11-zookeeper-current-limiting-control.mdx │ │ ├── 12-zookeeper---two-way-barrier.mdx │ │ ├── 13-zookeeper-distributed-id-generation.mdx │ │ ├── 2-zookeeper-distributed-lock.mdx │ │ ├── 3-zookeeper-electoral-mechanism.mdx │ │ ├── 4-zookeeper-queue-management.mdx │ │ ├── 5-zookeeper-naming-service.mdx │ │ ├── 6-zookeeper-cluster-management.mdx │ │ ├── 7-zookeeper-load-balancing.mdx │ │ ├── 8-zookeeper-distributed-notifications.mdx │ │ ├── 9-zookeeper---distributed-barrier.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-zookeeper-and-distributed-systems │ │ ├── 0-zookeeper---application-in-hadoop.mdx │ │ ├── 1-zookeeper-application-in-kafka.mdx │ │ ├── 10-zookeeper-ecosystem-integration.mdx │ │ ├── 11-zookeeper-application-in-a-container-environment.mdx │ │ ├── 12-zookeeper---applications-in-cloud-native-environments.mdx │ │ ├── 13-zookeeper---role-in-big-data-platform.mdx │ │ ├── 2-zookeeper-application-in-hbase.mdx │ │ ├── 3-zookeeper---application-in-dubbo.mdx │ │ ├── 4-zookeeper-app-in-spring-cloud.mdx │ │ ├── 5-zookeeper---application-in-distributed-transactions.mdx │ │ ├── 6-zookeeper---role-in-microservices-architecture.mdx │ │ ├── 7-zookeeper-compared-with-etcd.mdx │ │ ├── 8-zookeeper-compared-with-consul.mdx │ │ ├── 9-zookeeper-compared-with-redis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-zookeeper-performance-tuning │ │ ├── 0-zookeeper-performance-indicators.mdx │ │ ├── 1-zookeeper-jvm-tuning.mdx │ │ ├── 10-zookeeper---read-write-separation-strategy.mdx │ │ ├── 11-zookeeper-cache-optimized.mdx │ │ ├── 12-zookeeper-monitoring-tuning.mdx │ │ ├── 13-zookeeper-performance-test-method.mdx │ │ ├── 2-zookeeper-memory-configuration.mdx │ │ ├── 3-zookeeper-thread-pool-tuning.mdx │ │ ├── 4-zookeeper-network-parameter-tuning.mdx │ │ ├── 5-zookeeper-disk-io-optimization.mdx │ │ ├── 6-zookeeper-session-optimization.mdx │ │ ├── 7-zookeeper-request-limiting.mdx │ │ ├── 8-zookeeper-connections-optimization.mdx │ │ ├── 9-zookeeper-client-tuning.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-zookeeper-monitoring-om │ │ ├── 0-zookeeper-monitoring-metrics.mdx │ │ ├── 1-zookeeper-monitoring-tool.mdx │ │ ├── 10-zookeeper-security-audit.mdx │ │ ├── 11-zookeeper-operation-maintenance-automation.mdx │ │ ├── 12-zookeeper---disaster-recovery-high-availability.mdx │ │ ├── 13-zookeeper-operations-best-practices.mdx │ │ ├── 2-zookeeper-jmx-monitoring.mdx │ │ ├── 3-zookeeper-log-management.mdx │ │ ├── 4-zookeeper-alarm-settings.mdx │ │ ├── 5-zookeeper-common-failure-analysis.mdx │ │ ├── 6-zookeeper-failback.mdx │ │ ├── 7-zookeeper-data-backup-and-recovery.mdx │ │ ├── 8-zookeeper-scroll-upgrade.mdx │ │ ├── 9-zookeeper-cluster-migration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-zookeeper-advanced-features │ │ ├── 0-zookeeper-watcher-node.mdx │ │ ├── 1-zookeeper-quota-management.mdx │ │ ├── 10-zookeeper---new-features-explained-in-detail.mdx │ │ ├── 11-zookeeper-extension-point.mdx │ │ ├── 12-zookeeper-custom-request-handling.mdx │ │ ├── 13-zookeeper---future-trends.mdx │ │ ├── 2-zookeeper---dynamic-reconfiguration.mdx │ │ ├── 3-zookeeper-ttl-node.mdx │ │ ├── 4-zookeeper-container-node.mdx │ │ ├── 5-zookeeper-multitenancy.mdx │ │ ├── 6-zookeeper-certified-plugin.mdx │ │ ├── 7-zookeeper---audit-log.mdx │ │ ├── 8-zookeeper-authorization-delegation.mdx │ │ ├── 9-zookeeper-encryption.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-zookeeper-best-practices │ │ ├── 0-zookeeper-design-mode.mdx │ │ ├── 1-zookeeper-data-model-design.mdx │ │ ├── 10-zookeeper---a-guide-to-common-traps-and-pitfalls.mdx │ │ ├── 11-zookeeper-production-environmental-checklist.mdx │ │ ├── 12-zookeeper-migration-strategy.mdx │ │ ├── 13-zookeeper-version-upgrade-guide.mdx │ │ ├── 2-zookeeper-path-naming-convention.mdx │ │ ├── 3-zookeeper-exception-handling-best-practices.mdx │ │ ├── 4-zookeeper---session-management-best-practices.mdx │ │ ├── 5-zookeeper-security-best-practices.mdx │ │ ├── 6-zookeeper-high-availability-best-practices.mdx │ │ ├── 7-zookeeper-performance-best-practices.mdx │ │ ├── 8-zookeeper-monitoring-best-practices.mdx │ │ ├── 9-zookeeper-operations-best-practices.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-basic-operation-of-zookeeper │ │ ├── 0-zookeeper-command-line-actions.mdx │ │ ├── 1-zookeeper-node-creation.mdx │ │ ├── 10-zookeeper-asynchronous-operation.mdx │ │ ├── 11-zookeeper-atomic-operation.mdx │ │ ├── 12-zookeeper-operation-timeout-settings.mdx │ │ ├── 13-zookeeper-operation-retry-mechanism.mdx │ │ ├── 2-zookeeper-node-read.mdx │ │ ├── 3-zookeeper-node-update.mdx │ │ ├── 4-delete-zookeeper-node.mdx │ │ ├── 5-zookeeper-node-existence-check.mdx │ │ ├── 6-zookeeper-node-child-node-acquisition.mdx │ │ ├── 7-zookeeper-node-access-control.mdx │ │ ├── 8-zookeeper-transaction-operation.mdx │ │ ├── 9-zookeeper-bulk-actions.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-zookeeper-data-model │ │ ├── 0-overview-of-the-zookeeper-data-model.mdx │ │ ├── 1-zookeeper-znode-explained.mdx │ │ ├── 10-zookeeper-data-backup.mdx │ │ ├── 11-zookeeper-data-migration.mdx │ │ ├── 12-zookeeper-data-model-best-practices.mdx │ │ ├── 13-zookeeper-data-security.mdx │ │ ├── 2-zookeeper-temporary-node.mdx │ │ ├── 3-zookeeper-permanent-node.mdx │ │ ├── 4-zookeeper-sequential-nodes.mdx │ │ ├── 5-zookeeper-node-metadata.mdx │ │ ├── 6-zookeeper-node-version.mdx │ │ ├── 7-zookeeper-node-limit.mdx │ │ ├── 8-zookeeper-data-consistency.mdx │ │ ├── 9-zookeeper-data-persistence.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-zookeeper-client │ │ ├── 0-overview-of-the-zookeeper-client.mdx │ │ ├── 1-zookeeper-java-client.mdx │ │ ├── 10-zookeeper-client-exception-handling.mdx │ │ ├── 11-zookeeper-client-performance-optimization.mdx │ │ ├── 12-zookeeper-client-monitoring.mdx │ │ ├── 13-zookeeper-client-best-practices.mdx │ │ ├── 2-zookeeper-c-client.mdx │ │ ├── 3-zookeeper-python-client.mdx │ │ ├── 4-zookeeper-go-client.mdx │ │ ├── 5-zookeeper-client-configuration.mdx │ │ ├── 6-zookeeper-client-connection-management.mdx │ │ ├── 7-zookeeper-client-session.mdx │ │ ├── 8-zookeeper-client-reconnection-mechanism.mdx │ │ ├── 9-zookeeper-client-threading-model.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-zookeeper-api │ │ ├── 0-zookeeper-api-overview.mdx │ │ ├── 1-zookeeper-java-api-details.mdx │ │ ├── 10-zookeeper-api-thread-safety.mdx │ │ ├── 11-zookeeper-api-call-limit.mdx │ │ ├── 12-zookeeper-api-version-compatibility.mdx │ │ ├── 13-zookeeper-api-best-practices.mdx │ │ ├── 2-zookeeper-api-basic-operation.mdx │ │ ├── 3-zookeeper-api-advanced-operation.mdx │ │ ├── 4-zookeeper-watcher-api.mdx │ │ ├── 5-zookeeper-acl-api.mdx │ │ ├── 6-zookeeper-transaction-api.mdx │ │ ├── 7-zookeeper-asynchronous-api.mdx │ │ ├── 8-zookeeper-api-error-code.mdx │ │ ├── 9-zookeeper-api-exception-handling.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-zookeeper-listening-mechanism │ │ ├── 0-zookeeper-watcher-overview.mdx │ │ ├── 1-zookeeper-watcher-design-principles.mdx │ │ ├── 10-zookeeper-monitoring-best-practices.mdx │ │ ├── 11-zookeeper--connection-status-monitoring.mdx │ │ ├── 12-zookeeper-node-snooping.mdx │ │ ├── 13-zookeeper-listener-exception-handling.mdx │ │ ├── 2-zookeeper-event-type.mdx │ │ ├── 3-zookeeper-event-monitoring.mdx │ │ ├── 4-zookeeper-disposable-trigger.mdx │ │ ├── 5-zookeeper-permanent-trigger.mdx │ │ ├── 6-zookeeper-event-notification-mechanism.mdx │ │ ├── 7-zookeeper-watcher-registration.mdx │ │ ├── 8-zookeeper-watcher-removal.mdx │ │ ├── 9-zookeeper-watcher-performance-considerations.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-zookeeper-access-control │ │ ├── 0-zookeeper-acl-overview.mdx │ │ ├── 1-zookeeper-privilege-type.mdx │ │ ├── 10-zookeeper--permissions-management-best-practices.mdx │ │ ├── 11-zookeeper-permissions-migration.mdx │ │ ├── 12-zookeeper-multi-tenant-isolation.mdx │ │ ├── 13-zookeeper-safety-hardening.mdx │ │ ├── 2-zookeeper-authentication-method.mdx │ │ ├── 3-zookeeper-certified-plugin.mdx │ │ ├── 4-zookeeper-digest-certification.mdx │ │ ├── 5-zookeeper-ip-certification.mdx │ │ ├── 6-zookeeper-permission-settings.mdx │ │ ├── 7-zookeeper-permissions-check.mdx │ │ ├── 8-zookeeper-premium-user.mdx │ │ ├── 9-zookeeper--permission-inheritance.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-how-zookeeper-works-internally │ │ ├── 0-zookeeper-internal-architecture.mdx │ │ ├── 1-zookeeper-leader-election.mdx │ │ ├── 10-zookeeper---data-consistency-guarantee.mdx │ │ ├── 11-zookeeper-snapshots-and-transaction-logs.mdx │ │ ├── 12-zookeeper-memory-management.mdx │ │ ├── 13-zookeeper-disk-io-optimization.mdx │ │ ├── 2-zookeeper-zab-protocol.mdx │ │ ├── 3-zookeeper--two-stage-commit.mdx │ │ ├── 4-zookeeper-atomic-broadcast.mdx │ │ ├── 5-zookeeper-data-replication.mdx │ │ ├── 6-zookeeper-read-write-separation.mdx │ │ ├── 7-zookeeper-request-handling-flow.mdx │ │ ├── 8-zookeeper-session-management-mechanism.mdx │ │ ├── 9-zookeeper-fault-detection.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-zookeeper-cluster-management │ │ ├── 0-zookeeper-cluster-architecture.mdx │ │ ├── 1-zookeeper-cluster-role.mdx │ │ ├── 10-zookeeper-cluster-disaster-recovery-strategy.mdx │ │ ├── 11-zookeeper---multi-data-center-deployment.mdx │ │ ├── 12-zookeeper-cluster-operation-maintenance-tools.mdx │ │ ├── 13-zookeeper-cluster-troubleshooting.mdx │ │ ├── 2-zookeeper-cluster-deployment.mdx │ │ ├── 3-zookeeper-cluster-configuration.mdx │ │ ├── 4-zookeeper-cluster-scaling.mdx │ │ ├── 5-zookeeper-cluster-shrinkage.mdx │ │ ├── 6-zookeeper-cluster-upgrade.mdx │ │ ├── 7-zookeeper-data-migration.mdx │ │ ├── 8-zookeeper-cluster-monitoring.mdx │ │ ├── 9-zookeeper-cluster-performance-optimization.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── observability │ ├── alloy │ │ ├── 0-grafana-alloy-foundation │ │ │ ├── 0-introduction-to-grafana-alloy.mdx │ │ │ ├── 1-grafana-alloy-installation-and-environmental-settings.mdx │ │ │ ├── 10-grafana-alloy-system-requirements.mdx │ │ │ ├── 11-grafana-alloy-faq.mdx │ │ │ ├── 12-grafana-alloy-support-channel.mdx │ │ │ ├── 13-grafana-alloy-community-resources.mdx │ │ │ ├── 2-grafana-alloy-core-concepts.mdx │ │ │ ├── 3-grafana-alloy-vs-grafana.mdx │ │ │ ├── 4-grafana-alloy-interface-navigation.mdx │ │ │ ├── 5-grafana-alloy-user-rights-management.mdx │ │ │ ├── 6-grafana-alloy-workspace-concept.mdx │ │ │ ├── 7-grafana-alloy-versions-and-updates.mdx │ │ │ ├── 8-grafana-alloy-command-line-tool.mdx │ │ │ ├── 9-grafana-alloy-configuration-file.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-grafana-alloy-data-source-configuration │ │ │ ├── 0-overview-of-grafana-alloy-data-sources.mdx │ │ │ ├── 1-prometheus-data-source-settings.mdx │ │ │ ├── 10-azure-monitor-data-source-settings.mdx │ │ │ ├── 11-aws-cloudwatch-data-source-settings.mdx │ │ │ ├── 12-google-cloud-monitoring-data-source-settings.mdx │ │ │ ├── 13-data-source-encryption-and-security.mdx │ │ │ ├── 2-influxdb-data-source-settings.mdx │ │ │ ├── 3-elasticsearch-data-source-settings.mdx │ │ │ ├── 4-mysql-data-source-settings.mdx │ │ │ ├── 5-postgresql-data-source-settings.mdx │ │ │ ├── 6-loki-data-source-settings.mdx │ │ │ ├── 7-tempo-data-source-settings.mdx │ │ │ ├── 8-graphite-data-source-settings.mdx │ │ │ ├── 9-opentsdb-data-source-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-grafana-alloy-plugins-and-extensions │ │ │ ├── 0-grafana-alloy-plugin-system.mdx │ │ │ ├── 1-data-source-plug-in.mdx │ │ │ ├── 10-plugin-publishing-and-sharing.mdx │ │ │ ├── 11-plugin-version-upgrade.mdx │ │ │ ├── 12-enterprise-plugin-management.mdx │ │ │ ├── 13-plugin-best-practices.mdx │ │ │ ├── 2-panel-plugin.mdx │ │ │ ├── 3-app-plugins.mdx │ │ │ ├── 4-plugin-installation-management.mdx │ │ │ ├── 5-plugin-security-signatures.mdx │ │ │ ├── 6-plugin-configuration-options.mdx │ │ │ ├── 7-plugin-troubleshooting.mdx │ │ │ ├── 8-custom-plugin-development-basics.mdx │ │ │ ├── 9-plugin-development-environment-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-grafana-alloy-advanced-visualization │ │ │ ├── 0-advanced-visualization-technology.mdx │ │ │ ├── 1-composite-panel-design.mdx │ │ │ ├── 10-advanced-chart-comments.mdx │ │ │ ├── 11-multi-axis-chart-configuration.mdx │ │ │ ├── 12-advanced-chart-export.mdx │ │ │ ├── 13-data-storytelling-techniques.mdx │ │ │ ├── 2-dynamic-dashboard.mdx │ │ │ ├── 3-data-driven-thresholds.mdx │ │ │ ├── 4-advanced-color-mapping.mdx │ │ │ ├── 5-data-conversion-and-calculation.mdx │ │ │ ├── 6-visual-overlay-and-hiding.mdx │ │ │ ├── 7-visualize-interaction-events.mdx │ │ │ ├── 8-custom-legends-and-labels.mdx │ │ │ ├── 9-advanced-time-series-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-grafana-alloy-performance-optimization │ │ │ ├── 0-grafana-alloy-performance-overview.mdx │ │ │ ├── 1-query-performance-optimization.mdx │ │ │ ├── 10-horizontal-scaling-strategy.mdx │ │ │ ├── 11-load-balancer-configuration.mdx │ │ │ ├── 12-performance-benchmarking.mdx │ │ │ ├── 13-performance-troubleshooting.mdx │ │ │ ├── 2-dashboard-loading-optimization.mdx │ │ │ ├── 3-data-source-connection-pool-configuration.mdx │ │ │ ├── 4-caching-policies-and-settings.mdx │ │ │ ├── 5-data-pre-aggregation-technology.mdx │ │ │ ├── 6-high-cardinality-problem-handling.mdx │ │ │ ├── 7-resource-usage-monitoring.mdx │ │ │ ├── 8-database-performance-tuning.mdx │ │ │ ├── 9-mass-deployment-architecture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-grafana-alloy-safety-and-compliance │ │ │ ├── 0-grafana-alloy-security-basics.mdx │ │ │ ├── 1-certification-and-authorization-mechanisms.mdx │ │ │ ├── 10-cybersecurity-configuration.mdx │ │ │ ├── 11-compliance-report-generation.mdx │ │ │ ├── 12-security-risk-assessment.mdx │ │ │ ├── 13-incident-response-plan.mdx │ │ │ ├── 2-data-transmission-encryption.mdx │ │ │ ├── 3-data-source-credential-management.mdx │ │ │ ├── 4-audit-log-and-compliance.mdx │ │ │ ├── 5-security-configuration-best-practices.mdx │ │ │ ├── 6-vulnerability-management-and-remediation.mdx │ │ │ ├── 7-security-update-policy.mdx │ │ │ ├── 8-data-privacy-protection.mdx │ │ │ ├── 9-acl.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-grafana-alloy-high-availability-deployment │ │ │ ├── 0-highly-available-architecture-design.mdx │ │ │ ├── 1-cluster-deployment-policy.mdx │ │ │ ├── 10-escalation-maintenance-strategy.mdx │ │ │ ├── 11-monitoring-and-alarm-configuration.mdx │ │ │ ├── 12-capacity-planning-and-expansion.mdx │ │ │ ├── 13-high-availability-testing-validation.mdx │ │ │ ├── 2-database-high-availability-configuration.mdx │ │ │ ├── 3-storage-backend-high-availability.mdx │ │ │ ├── 4-load-balancing-settings.mdx │ │ │ ├── 5-failover-mechanism.mdx │ │ │ ├── 6-state-synchronization-and-consistency.mdx │ │ │ ├── 7-network-isolation-and-partitioning.mdx │ │ │ ├── 8-backup-and-recovery-strategy.mdx │ │ │ ├── 9-disaster-recovery-planning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-grafana-alloy-containers-and-cloud-native │ │ │ ├── 0-containerized-deployment-basics.mdx │ │ │ ├── 1-docker-deployment-guide.mdx │ │ │ ├── 10-cloud-platform-integration.mdx │ │ │ ├── 11-serverless-deployment-mode.mdx │ │ │ ├── 12-gitops-and-configuration-management.mdx │ │ │ ├── 13-cloud-native-best-practices.mdx │ │ │ ├── 2-kubernetes-deployment.mdx │ │ │ ├── 3-helm-chart-configuration.mdx │ │ │ ├── 4-cloud-native-monitoring-policy.mdx │ │ │ ├── 5-container-environment-variable-configuration.mdx │ │ │ ├── 6-persistent-storage-settings.mdx │ │ │ ├── 7-service-discovery-integration.mdx │ │ │ ├── 8-auto-extend-configuration.mdx │ │ │ ├── 9-multi-cluster-monitoring-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-grafana-alloy-machine-learning-and-anomaly-detection │ │ │ ├── 0-machine-learning-overview.mdx │ │ │ ├── 1-abnormality-detection-basics.mdx │ │ │ ├── 10-machine-learning-visualization.mdx │ │ │ ├── 11-custom-algorithm-application.mdx │ │ │ ├── 12-model-training-and-optimization.mdx │ │ │ ├── 13-real-time-anomaly-detection-strategy.mdx │ │ │ ├── 2-time-series-forecast.mdx │ │ │ ├── 3-abnormal-pattern-recognition.mdx │ │ │ ├── 4-metric-correlation-analysis.mdx │ │ │ ├── 5-seasonality-and-trend-analysis.mdx │ │ │ ├── 6-machine-learning-model-integration.mdx │ │ │ ├── 7-forecast-alarm-configuration.mdx │ │ │ ├── 8-abnormal-root-cause-analysis.mdx │ │ │ ├── 9-model-performance-evaluation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-grafana-alloy-business-metrics-and-slo-monitoring │ │ │ ├── 0-business-metrics-definition.mdx │ │ │ ├── 1-sli-and-slo-concepts.mdx │ │ │ ├── 10-business-and-technical-metrics-correlation.mdx │ │ │ ├── 11-service-dependency-monitoring.mdx │ │ │ ├── 12-business-activity-monitoring.mdx │ │ │ ├── 13-sre-best-practices.mdx │ │ │ ├── 2-service-level-target-settings.mdx │ │ │ ├── 3-bug-budget-monitoring.mdx │ │ │ ├── 4-user-experience-metrics.mdx │ │ │ ├── 5-business-impact-analysis.mdx │ │ │ ├── 6-slodashboardcreation.mdx │ │ │ ├── 7-multidimensional-service-monitoring.mdx │ │ │ ├── 8-business-process-monitoring.mdx │ │ │ ├── 9-critical-path-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-grafana-alloy-automation-and-orchestration │ │ │ ├── 0-automation-overview.mdx │ │ │ ├── 1-dashboard-auto-generated.mdx │ │ │ ├── 10-automated-document-generation.mdx │ │ │ ├── 11-automatic-repair-workflow.mdx │ │ │ ├── 12-change-management-automation.mdx │ │ │ ├── 13-automation-best-practices.mdx │ │ │ ├── 2-alarm-automation-response.mdx │ │ │ ├── 3-data-source-auto-registration.mdx │ │ │ ├── 4-configuration-automation-management.mdx │ │ │ ├── 5-api-automation-script.mdx │ │ │ ├── 6-scheduled-task-settings.mdx │ │ │ ├── 7-event-driven-automation.mdx │ │ │ ├── 8-automated-testing-strategy.mdx │ │ │ ├── 9-cicd-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-grafana-alloy-visualization-basics │ │ │ ├── 0-grafana-alloy-visualization-type-overview.mdx │ │ │ ├── 1-time-series-chart-creation.mdx │ │ │ ├── 10-scatter-and-bubble-charts.mdx │ │ │ ├── 11-area-chart-and-stacked-chart.mdx │ │ │ ├── 12-visual-interaction-settings.mdx │ │ │ ├── 13-color-style-configuration.mdx │ │ │ ├── 2-bar-chart-vs-bar-chart.mdx │ │ │ ├── 3-pie-and-ring-charts.mdx │ │ │ ├── 4-heatmaps-maps.mdx │ │ │ ├── 5-dashboards-vs-single-value-panels.mdx │ │ │ ├── 6-table-and-list-visualization.mdx │ │ │ ├── 7-log-visualization.mdx │ │ │ ├── 8-state-diagram-and-state-timeline.mdx │ │ │ ├── 9-node-diagrams-and-diagrams.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-grafana-alloy-dashboard-design │ │ │ ├── 0-grafana-alloy-dashboard-concept.mdx │ │ │ ├── 1-dashboard-layout-design.mdx │ │ │ ├── 10-dashboard-sharing-and-exporting.mdx │ │ │ ├── 11-embedded-dashboard-configuration.mdx │ │ │ ├── 12-dashboard-permission-management.mdx │ │ │ ├── 13-dashboard-best-practices.mdx │ │ │ ├── 2-panel-layout-dimensions-settings.mdx │ │ │ ├── 3-dashboard-variable-creation.mdx │ │ │ ├── 4-dashboard-filter-settings.mdx │ │ │ ├── 5-time-range-controller.mdx │ │ │ ├── 6-dashboard-links-navigation.mdx │ │ │ ├── 7-dashboard-annotations.mdx │ │ │ ├── 8-dashboard-templating.mdx │ │ │ ├── 9-dashboard-version-control.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-grafana-alloy-query-language │ │ │ ├── 0-query-language-overview.mdx │ │ │ ├── 1-promql-base-query.mdx │ │ │ ├── 10-query-result-conversion.mdx │ │ │ ├── 11-federated-query-across-data-sources.mdx │ │ │ ├── 12-common-query-modes.mdx │ │ │ ├── 13-query-debugging-tips.mdx │ │ │ ├── 2-promql-advanced-function.mdx │ │ │ ├── 3-influxql-vs-flux-query-language.mdx │ │ │ ├── 4-elasticsearch-query-language.mdx │ │ │ ├── 5-sql-query-basics.mdx │ │ │ ├── 6-logql-log-query-language.mdx │ │ │ ├── 7-traceql-trace-query-language.mdx │ │ │ ├── 8-query-variables-and-templates.mdx │ │ │ ├── 9-query-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-grafana-alloy-alarm-system │ │ │ ├── 0-grafana-alloy-alarm-overview.mdx │ │ │ ├── 1-alert-rule-creation.mdx │ │ │ ├── 10-alarm-evaluation-interval-configuration.mdx │ │ │ ├── 11-alarm-resume-notification.mdx │ │ │ ├── 12-warning-om-best-practices.mdx │ │ │ ├── 13-high-availability-alarm-settings.mdx │ │ │ ├── 2-alarm-condition-settings.mdx │ │ │ ├── 3-alarm-notification-channel-configuration.mdx │ │ │ ├── 4-alarm-grouping-and-routing.mdx │ │ │ ├── 5-alarm-silence-and-suppression.mdx │ │ │ ├── 6-alarm-status-management.mdx │ │ │ ├── 7-alarm-history-and-records.mdx │ │ │ ├── 8-alarm-templates.mdx │ │ │ ├── 9-multi-instance-alarm-linkage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-grafana-alloy-discovery-and-log-analysis │ │ │ ├── 0-exploration-mode-introduction.mdx │ │ │ ├── 1-log-query-syntax.mdx │ │ │ ├── 10-logs-and-metrics-correlation.mdx │ │ │ ├── 11-live-log-stream.mdx │ │ │ ├── 12-log-sampling-and-current-limiting.mdx │ │ │ ├── 13-large-scale-log-analysis-strategy.mdx │ │ │ ├── 2-log-filtering-tips.mdx │ │ │ ├── 3-log-context-analysis.mdx │ │ │ ├── 4-log-level-filtering.mdx │ │ │ ├── 5-log-pattern-recognition.mdx │ │ │ ├── 6-structured-log-parsing.mdx │ │ │ ├── 7-log-visualization-tips.mdx │ │ │ ├── 8-log-aggregation-analysis.mdx │ │ │ ├── 9-log-export-and-sharing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-grafana-alloy-distributed-tracking │ │ │ ├── 0-basic-concepts-of-distributed-tracking.mdx │ │ │ ├── 1-tempo-tracking-data-source-configuration.mdx │ │ │ ├── 10-anomaly-tracking-identification.mdx │ │ │ ├── 11-tracking-data-storage-optimization.mdx │ │ │ ├── 12-tracking-data-query-tips.mdx │ │ │ ├── 13-microservice-tracking-best-practices.mdx │ │ │ ├── 2-tracking-data-acquisition-and-transmission.mdx │ │ │ ├── 3-tracking-visualization-analytics.mdx │ │ │ ├── 4-service-dependency-diagram.mdx │ │ │ ├── 5-tracking-and-logging-associations.mdx │ │ │ ├── 6-tracking-linked-to-metrics.mdx │ │ │ ├── 7-track-sampling-strategy.mdx │ │ │ ├── 8-track-tags-and-attributes.mdx │ │ │ ├── 9-service-performance-metrics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-grafana-alloy-user-and-team-management │ │ │ ├── 0-user-management-basics.mdx │ │ │ ├── 1-user-authentication-method.mdx │ │ │ ├── 10-user-quotas-limits.mdx │ │ │ ├── 11-user-preferences.mdx │ │ │ ├── 12-user-notification-configuration.mdx │ │ │ ├── 13-enterprise-permission-architecture.mdx │ │ │ ├── 2-with-single-sign-on-integration.mdx │ │ │ ├── 3-team-organization-management.mdx │ │ │ ├── 4-role-and-permission-control.mdx │ │ │ ├── 5-resource-access-control.mdx │ │ │ ├── 6-multi-tenant-management.mdx │ │ │ ├── 7-user-audits-logs.mdx │ │ │ ├── 8-api-key-management.mdx │ │ │ ├── 9-service-account-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-grafana-alloy-api-integration-with │ │ │ ├── 0-grafana-alloy-api-overview.mdx │ │ │ ├── 1-http-api-authentication.mdx │ │ │ ├── 10-automation-script-example.mdx │ │ │ ├── 11-api-request-throttling.mdx │ │ │ ├── 12-api-error-handling.mdx │ │ │ ├── 13-custom-api-development.mdx │ │ │ ├── 2-dashboard-api-actions.mdx │ │ │ ├── 3-data-source-api-actions.mdx │ │ │ ├── 4-alarm-api-action.mdx │ │ │ ├── 5-user-organization-apis.mdx │ │ │ ├── 6-comments-snapshots-api.mdx │ │ │ ├── 7-api-key-management.mdx │ │ │ ├── 8-webhook-integration.mdx │ │ │ ├── 9-third-party-service-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── grafana │ │ ├── 0-grafana-foundation │ │ │ ├── 0-introduction-to-grafana.mdx │ │ │ ├── 1-grafana-installation-and-deployment.mdx │ │ │ ├── 10-grafana-version-management.mdx │ │ │ ├── 11-explanation-of-grafana-terminology.mdx │ │ │ ├── 12-overview-of-grafana-architecture.mdx │ │ │ ├── 13-grafana-community-resources.mdx │ │ │ ├── 2-grafana-interface-overview.mdx │ │ │ ├── 3-grafana-user-management.mdx │ │ │ ├── 4-grafana-organization-and-team.mdx │ │ │ ├── 5-grafana-first-login-settings.mdx │ │ │ ├── 6-grafana-file-structure.mdx │ │ │ ├── 7-grafana-configuration-file.mdx │ │ │ ├── 8-grafana-environment-variable.mdx │ │ │ ├── 9-grafana-command-line-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-grafana-data-source │ │ │ ├── 0-data-source-overview.mdx │ │ │ ├── 1-prometheus-data-source-configuration.mdx │ │ │ ├── 10-google-cloud-monitoring-data-source-configuration.mdx │ │ │ ├── 11-opentsdb-data-source-configuration.mdx │ │ │ ├── 12-mixed-data-source-usage.mdx │ │ │ ├── 13-data-source-permission-management.mdx │ │ │ ├── 2-influxdb-data-source-configuration.mdx │ │ │ ├── 3-mysql-data-source-configuration.mdx │ │ │ ├── 4-postgresql-data-source-configuration.mdx │ │ │ ├── 5-elasticsearch-data-source-configuration.mdx │ │ │ ├── 6-graphite-data-source-configuration.mdx │ │ │ ├── 7-loki-data-source-configuration.mdx │ │ │ ├── 8-azure-monitor-data-source-configuration.mdx │ │ │ ├── 9-aws-cloudwatch-data-source-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-grafana-om │ │ │ ├── 0-deployment-model-comparison.mdx │ │ │ ├── 1-docker-container-deployment.mdx │ │ │ ├── 10-troubleshooting-process.mdx │ │ │ ├── 11-high-load-handling.mdx │ │ │ ├── 12-scalability-planning.mdx │ │ │ ├── 13-disaster-recovery-plans.mdx │ │ │ ├── 2-kubernetes-deployment.mdx │ │ │ ├── 3-configure-management-policies.mdx │ │ │ ├── 4-database-backup-restore.mdx │ │ │ ├── 5-performance-tuning-techniques.mdx │ │ │ ├── 6-resource-needs-assessment.mdx │ │ │ ├── 7-log-management-and-analysis.mdx │ │ │ ├── 8-monitor-grafana-itself.mdx │ │ │ ├── 9-version-upgrade-policy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-grafana-and-observability │ │ │ ├── 0-observability-concepts.mdx │ │ │ ├── 1-indicator-monitoring-practice.mdx │ │ │ ├── 10-full-stack-monitoring-strategy.mdx │ │ │ ├── 11-alarm-noise-handling.mdx │ │ │ ├── 12-observability-maturity-assessment.mdx │ │ │ ├── 13-monitor-modern-transformation.mdx │ │ │ ├── 2-log-analytics-integration.mdx │ │ │ ├── 3-distributed-tracking-configuration.mdx │ │ │ ├── 4-red-method-practice.mdx │ │ │ ├── 5-use-method-practice.mdx │ │ │ ├── 6-slo-and-sli-monitoring.mdx │ │ │ ├── 7-gold-signal-monitoring.mdx │ │ │ ├── 8-business-metrics-monitoring.mdx │ │ │ ├── 9-user-experience-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-grafana-and-cloud-native │ │ │ ├── 0-cloud-native-monitoring-principles.mdx │ │ │ ├── 1-kubernetes-monitoring.mdx │ │ │ ├── 10-automatically-scale-capacity-monitoring.mdx │ │ │ ├── 11-service-grid-monitoring.mdx │ │ │ ├── 12-cloud-native-alarm-strategy.mdx │ │ │ ├── 13-cloud-cost-monitoring.mdx │ │ │ ├── 2-container-monitoring-policy.mdx │ │ │ ├── 3-microservice-monitoring.mdx │ │ │ ├── 4-no-service-schema-monitoring.mdx │ │ │ ├── 5-cloud-service-monitoring.mdx │ │ │ ├── 6-multi-cloud-environment-monitoring.mdx │ │ │ ├── 7-hybrid-cloud-monitoring-strategy.mdx │ │ │ ├── 8-infrastructure-as-code.mdx │ │ │ ├── 9-gitops-monitoring-pipeline.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-grafana-dashboard-design │ │ │ ├── 0-dashboard-design-principles.mdx │ │ │ ├── 1-information-architecture-planning.mdx │ │ │ ├── 10-designed-for-different-audiences.mdx │ │ │ ├── 11-ab-test-dashboard.mdx │ │ │ ├── 12-dashboard-iteration-optimization.mdx │ │ │ ├── 13-design-review-process.mdx │ │ │ ├── 2-user-experience-design.mdx │ │ │ ├── 3-interaction-design-mode.mdx │ │ │ ├── 4-data-visualization-best-practices.mdx │ │ │ ├── 5-color-usage-strategies.mdx │ │ │ ├── 6-layout-tips-and-responsive-design.mdx │ │ │ ├── 7-data-density-optimization.mdx │ │ │ ├── 8-dashboard-storytelling.mdx │ │ │ ├── 9-effective-data-presentation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-integrate-grafana-with-your-business │ │ │ ├── 0-business-kpi-monitoring.mdx │ │ │ ├── 1-business-process-monitoring.mdx │ │ │ ├── 10-business-impact-assessment.mdx │ │ │ ├── 11-trend-prediction-analysis.mdx │ │ │ ├── 12-custom-business-plugin.mdx │ │ │ ├── 13-executive-layer-dashboard.mdx │ │ │ ├── 2-data-driven-decision-making.mdx │ │ │ ├── 3-cross-departmental-dashboards.mdx │ │ │ ├── 4-business-condition-large-screen-design.mdx │ │ │ ├── 5-customer-journey-visualization.mdx │ │ │ ├── 6-sales-marketing-analytics.mdx │ │ │ ├── 7-financial-metrics-monitoring.mdx │ │ │ ├── 8-it-service-management-integration.mdx │ │ │ ├── 9-incident-correlation-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-grafana-community-and-ecosystem │ │ │ ├── 0-grafana-labs-resources.mdx │ │ │ ├── 1-how-to-participate-in-the-community.mdx │ │ │ ├── 10-integrate-with-elk-stack.mdx │ │ │ ├── 11-integration-with-tick-stack.mdx │ │ │ ├── 12-integration-with-other-open-source-projects.mdx │ │ │ ├── 13-grafana-future-trends.mdx │ │ │ ├── 2-technical-blogs-documentation.mdx │ │ │ ├── 3-user-groups-meetings.mdx │ │ │ ├── 4-training-and-certification.mdx │ │ │ ├── 5-open-source-contribution-guide.mdx │ │ │ ├── 6-overview-of-the-grafana-ecosystem.mdx │ │ │ ├── 7-introducing-grafana-enterprise.mdx │ │ │ ├── 8-grafana-cloud-service.mdx │ │ │ ├── 9-ecological-collaboration-with-prometheus.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-grafana-best-practices │ │ │ ├── 0-dashboard-organization-strategy.mdx │ │ │ ├── 1-query-optimization-tips.mdx │ │ │ ├── 10-escalation-testing-process.mdx │ │ │ ├── 11-availability-safeguards.mdx │ │ │ ├── 12-performance-benchmarking.mdx │ │ │ ├── 13-continuous-improvement-methodology.mdx │ │ │ ├── 2-resource-usage-optimization.mdx │ │ │ ├── 3-mass-deployment-guidelines.mdx │ │ │ ├── 4-version-management-workflow.mdx │ │ │ ├── 5-team-collaboration-process.mdx │ │ │ ├── 6-documentation-knowledge-management.mdx │ │ │ ├── 7-alarm-fatigue-management.mdx │ │ │ ├── 8-monitoring-as-code-practice.mdx │ │ │ ├── 9-data-retention-policy.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-grafana-dashboard │ │ │ ├── 0-dashboard-fundamentals.mdx │ │ │ ├── 1-create-your-first-dashboard.mdx │ │ │ ├── 10-dashboard-sharing-and-embedding.mdx │ │ │ ├── 11-dashboard-permission-management.mdx │ │ │ ├── 12-dashboard-folder-organization.mdx │ │ │ ├── 13-dashboard-search-tips.mdx │ │ │ ├── 2-dashboard-layout-design.mdx │ │ │ ├── 3-dashboard-variables.mdx │ │ │ ├── 4-dashboard-ninja-template.mdx │ │ │ ├── 5-dashboard-time-range-control.mdx │ │ │ ├── 6-dashboard-links.mdx │ │ │ ├── 7-dashboard-comments.mdx │ │ │ ├── 8-dashboard-version-control.mdx │ │ │ ├── 9-dashboard-import-export.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-grafana-panel │ │ │ ├── 0-overview-of-panel-types.mdx │ │ │ ├── 1-figure-detailed-explanation-of-the-panel.mdx │ │ │ ├── 10-panel-data-link.mdx │ │ │ ├── 11-panel-repeater.mdx │ │ │ ├── 12-panel-cloning-copying.mdx │ │ │ ├── 13-panel-advanced-options.mdx │ │ │ ├── 2-statistics-panel-usage.mdx │ │ │ ├── 3-table-panel-configuration.mdx │ │ │ ├── 4-heatmap-panel-app.mdx │ │ │ ├── 5-pie-chart-panel-settings.mdx │ │ │ ├── 6-map-panel-usage.mdx │ │ │ ├── 7-text-panel-app.mdx │ │ │ ├── 8-dashboard-panel-configuration.mdx │ │ │ ├── 9-panel-threshold-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-grafana-query-and-conversion │ │ │ ├── 0-query-editor-basics.mdx │ │ │ ├── 1-promql-query-language.mdx │ │ │ ├── 10-data-conversion-capabilities.mdx │ │ │ ├── 11-calculated-field-creation.mdx │ │ │ ├── 12-query-performance-optimization.mdx │ │ │ ├── 13-hybrid-query-technology.mdx │ │ │ ├── 2-influxql-query-language.mdx │ │ │ ├── 3-sql-query-writing.mdx │ │ │ ├── 4-elasticsearch-query.mdx │ │ │ ├── 5-graphite-query-syntax.mdx │ │ │ ├── 6-logql-query-language.mdx │ │ │ ├── 7-query-variable-usage.mdx │ │ │ ├── 8-query-filtering-and-sorting.mdx │ │ │ ├── 9-query-time-function.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-grafana-visualization │ │ │ ├── 0-visual-underlying-principles.mdx │ │ │ ├── 1-time-series-chart-configuration.mdx │ │ │ ├── 10-data-labels-and-annotations.mdx │ │ │ ├── 11-legend-configuration-and-interaction.mdx │ │ │ ├── 12-axis-settings.mdx │ │ │ ├── 13-themes-and-color-schemes.mdx │ │ │ ├── 2-bar-chart-vs-bar-chart.mdx │ │ │ ├── 3-line-chart-advanced-settings.mdx │ │ │ ├── 4-scatterplot-scenarios.mdx │ │ │ ├── 5-pie-and-ring-charts.mdx │ │ │ ├── 6-geospatial-visualization.mdx │ │ │ ├── 7-single-value-display-with-dashboard.mdx │ │ │ ├── 8-heatmaps-color-mapping.mdx │ │ │ ├── 9-table-data-display.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-grafana-alarm │ │ │ ├── 0-alarm-system-overview.mdx │ │ │ ├── 1-create-alert-rule.mdx │ │ │ ├── 10-alarm-permission-management.mdx │ │ │ ├── 11-alarm-troubleshooting.mdx │ │ │ ├── 12-high-availability-alarm-system.mdx │ │ │ ├── 13-alert-best-practices.mdx │ │ │ ├── 2-alarm-condition-settings.mdx │ │ │ ├── 3-alarm-notification-channel.mdx │ │ │ ├── 4-alarm-template-configuration.mdx │ │ │ ├── 5-alarm-status-and-history.mdx │ │ │ ├── 6-alarm-grouping-policy.mdx │ │ │ ├── 7-alarm-silence-settings.mdx │ │ │ ├── 8-alarm-evaluation-interval.mdx │ │ │ ├── 9-alarm-retry-and-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-grafana-plugin │ │ │ ├── 0-plug-in-system-introduction.mdx │ │ │ ├── 1-installing-and-managing-plug-ins.mdx │ │ │ ├── 10-plug-in-permissions-and-security.mdx │ │ │ ├── 11-troubleshooting-plugins.mdx │ │ │ ├── 12-community-plugin-resources.mdx │ │ │ ├── 13-enterprise-plugins.mdx │ │ │ ├── 2-data-source-plug-in.mdx │ │ │ ├── 3-panel-plugin.mdx │ │ │ ├── 4-app-plugins.mdx │ │ │ ├── 5-custom-plugin-development.mdx │ │ │ ├── 6-plugin-signing-verification.mdx │ │ │ ├── 7-plugin-version-management.mdx │ │ │ ├── 8-plugin-configuration-options.mdx │ │ │ ├── 9-plugin-depedencies.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-grafana-advanced-features │ │ │ ├── 0-user-id.mdx │ │ │ ├── 1-oauth-integration-with-ldap.mdx │ │ │ ├── 10-multi-tenant-architecture.mdx │ │ │ ├── 11-user-behavior-analysis.mdx │ │ │ ├── 12-resource-usage-monitoring.mdx │ │ │ ├── 13-cache-policy-configuration.mdx │ │ │ ├── 2-api-key-management.mdx │ │ │ ├── 3-grafana-api-use.mdx │ │ │ ├── 4-http-api-integration.mdx │ │ │ ├── 5-white-label-brand-customization.mdx │ │ │ ├── 6-report-generation-and-pdf-export.mdx │ │ │ ├── 7-image-rendering-service.mdx │ │ │ ├── 8-quality-of-service-monitoring.mdx │ │ │ ├── 9-high-availability-deployment-architecture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-grafana-security-and-permissions │ │ │ ├── 0-security-best-practices.mdx │ │ │ ├── 1-user-roles-and-permissions.mdx │ │ │ ├── 10-security-breach-protection.mdx │ │ │ ├── 11-data-desensitization-technology.mdx │ │ │ ├── 12-compliance-configuration.mdx │ │ │ ├── 13-safety-checklist.mdx │ │ │ ├── 2-data-source-permissions.mdx │ │ │ ├── 3-dashboard-ninja-rights.mdx │ │ │ ├── 4-study-access-management.mdx │ │ │ ├── 5-organizational-quarantine-policy.mdx │ │ │ ├── 6-service-account-management.mdx │ │ │ ├── 7-access-token-configuration.mdx │ │ │ ├── 8-audit-log-analysis.mdx │ │ │ ├── 9-encryption-and-key-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── jaeger │ │ ├── 0-jaeger-basics │ │ │ ├── 0-about-jaeger.mdx │ │ │ ├── 1-jaeger-architecture-overview.mdx │ │ │ ├── 10-jaeger-deployment-model.mdx │ │ │ ├── 11-jaeger-vs-opentelemetry.mdx │ │ │ ├── 12-jaeger-storage-options.mdx │ │ │ ├── 13-jaeger-environmental-requirements.mdx │ │ │ ├── 2-jaeger-installation-configuration.mdx │ │ │ ├── 3-introduction-to-jaeger-components.mdx │ │ │ ├── 4-jaeger-interface-navigation.mdx │ │ │ ├── 5-jaeger-basic-concepts.mdx │ │ │ ├── 6-jaeger-data-model.mdx │ │ │ ├── 7-jaeger-sampling-strategy.mdx │ │ │ ├── 8-jaeger-context-propagation.mdx │ │ │ ├── 9-jaeger-service-discovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-jaeger-tracking-basics │ │ │ ├── 0-introduction-to-distributed-tracking.mdx │ │ │ ├── 1-tracking-context.mdx │ │ │ ├── 10-tracking-process-visualization.mdx │ │ │ ├── 11-error-and-exception-flags.mdx │ │ │ ├── 12-tracking-data-export.mdx │ │ │ ├── 13-timestamp-and-duration.mdx │ │ │ ├── 2-span-foundational-concepts.mdx │ │ │ ├── 3-trace-foundational-concepts.mdx │ │ │ ├── 4-service-dependencies.mdx │ │ │ ├── 5-labels-attributes.mdx │ │ │ ├── 6-logs-events.mdx │ │ │ ├── 7-tracking-samples.mdx │ │ │ ├── 8-tracking-id-and-span-id.mdx │ │ │ ├── 9-parent-child-relationship-model.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-jaeger-and-microservices │ │ │ ├── 0-microservice-tracking-challenge.mdx │ │ │ ├── 1-service-grid-integration.mdx │ │ │ ├── 10-distributed-system-tracking-mode.mdx │ │ │ ├── 11-cloud-native-tracking.mdx │ │ │ ├── 12-no-server-tracking.mdx │ │ │ ├── 13-edge-service-tracking.mdx │ │ │ ├── 2-istio-and-jaeger.mdx │ │ │ ├── 3-kubernetes-and-jaeger.mdx │ │ │ ├── 4-container-environment-deployment.mdx │ │ │ ├── 5-multilingual-service-tracking.mdx │ │ │ ├── 6-api-gateway-integration.mdx │ │ │ ├── 7-service-dependency-discovery.mdx │ │ │ ├── 8-microservice-performance-analysis.mdx │ │ │ ├── 9-troubleshooting-microservices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-jaeger-troubleshooting │ │ │ ├── 0-faq-diagnostics.mdx │ │ │ ├── 1-troubleshooting-connection-issues.mdx │ │ │ ├── 10-health-check-usage.mdx │ │ │ ├── 11-system-recovery-strategy.mdx │ │ │ ├── 12-error-decoding.mdx │ │ │ ├── 13-issue-escalation-process.mdx │ │ │ ├── 2-data-loss-investigation.mdx │ │ │ ├── 3-performance-bottleneck-analysis.mdx │ │ │ ├── 4-dealing-with-insufficient-resources.mdx │ │ │ ├── 5-client-issues.mdx │ │ │ ├── 6-storage-issues.mdx │ │ │ ├── 7-sampling-questions.mdx │ │ │ ├── 8-ui-troubleshooting.mdx │ │ │ ├── 9-log-analysis-tips.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-jaeger-with-opentelemetry │ │ │ ├── 0-opentelemetry-overview.mdx │ │ │ ├── 1-migrate-to-opentelemetry.mdx │ │ │ ├── 10-standardized-tracking.mdx │ │ │ ├── 11-hybrid-deployment-mode.mdx │ │ │ ├── 12-progressive-migration.mdx │ │ │ ├── 13-future-trends.mdx │ │ │ ├── 2-interoperability-configuration.mdx │ │ │ ├── 3-otlp-protocol-integration.mdx │ │ │ ├── 4-coexistence-strategy.mdx │ │ │ ├── 5-data-format-conversion.mdx │ │ │ ├── 6-collector-configuration.mdx │ │ │ ├── 7-exporter-settings.mdx │ │ │ ├── 8-bi-directional-compatibility.mdx │ │ │ ├── 9-ecosystem-comparison.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-jaeger-performance-optimization │ │ │ ├── 0-client-performance-tuning.mdx │ │ │ ├── 1-collector-performance-optimization.mdx │ │ │ ├── 10-large-scale-deployment-tuning.mdx │ │ │ ├── 11-benchmarking-methodology.mdx │ │ │ ├── 12-performance-monitoring.mdx │ │ │ ├── 13-capacity-plan.mdx │ │ │ ├── 2-query-service-optimization.mdx │ │ │ ├── 3-storage-performance-tuning.mdx │ │ │ ├── 4-cache-strategy.mdx │ │ │ ├── 5-batch-configuration.mdx │ │ │ ├── 6-memory-usage-optimization.mdx │ │ │ ├── 7-cpu-usage-optimization.mdx │ │ │ ├── 8-network-optimization.mdx │ │ │ ├── 9-disk-io-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-jaeger-best-practices │ │ │ ├── 0-production-environment-deployment.mdx │ │ │ ├── 1-high-availability-configurations.mdx │ │ │ ├── 10-system-integration-best-practices.mdx │ │ │ ├── 11-monitoring-and-alerting-policy.mdx │ │ │ ├── 12-documentation-knowledge-management.mdx │ │ │ ├── 13-continuous-improvement-approach.mdx │ │ │ ├── 2-disaster-recovery-planning.mdx │ │ │ ├── 3-scalable-design.mdx │ │ │ ├── 4-version-upgrade-policy.mdx │ │ │ ├── 5-configuration-management.mdx │ │ │ ├── 6-data-retention-policy.mdx │ │ │ ├── 7-resource-budget-planning.mdx │ │ │ ├── 8-team-collaboration-mode.mdx │ │ │ ├── 9-track-data-governance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-jaeger-case-study │ │ │ ├── 0-microservice-architecture-tracking.mdx │ │ │ ├── 1-scale-deployment-scenarios.mdx │ │ │ ├── 10-event-driven-schema-tracing.mdx │ │ │ ├── 11-legacy-system-integration.mdx │ │ │ ├── 12-devops-practice-integration.mdx │ │ │ ├── 13-real-time-system-tracking.mdx │ │ │ ├── 2-performance-issue-diagnostic-case.mdx │ │ │ ├── 3-troubleshooting-in-action.mdx │ │ │ ├── 4-multilingual-environment-integration.mdx │ │ │ ├── 5-cloud-native-app-tracking.mdx │ │ │ ├── 6-database-performance-analysis.mdx │ │ │ ├── 7-api-performance-optimization.mdx │ │ │ ├── 8-user-experience-tracking.mdx │ │ │ ├── 9-batch-task-tracking.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-jaeger-ecosystem │ │ │ ├── 0-community-resources.mdx │ │ │ ├── 1-plugin-add-ons.mdx │ │ │ ├── 10-case-library.mdx │ │ │ ├── 11-technology-roadmap.mdx │ │ │ ├── 12-related-items.mdx │ │ │ ├── 13-future-trends.mdx │ │ │ ├── 2-third-party-tool-integration.mdx │ │ │ ├── 3-commercial-support-options.mdx │ │ │ ├── 4-training-resources.mdx │ │ │ ├── 5-certification-learning-pathways.mdx │ │ │ ├── 6-community-contribution-guidelines.mdx │ │ │ ├── 7-developer-resources.mdx │ │ │ ├── 8-meetings-events.mdx │ │ │ ├── 9-user-group.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-jaeger-client-integration │ │ │ ├── 0-jaeger-client-library-overview.mdx │ │ │ ├── 1-java-client-integration.mdx │ │ │ ├── 10-track-contextual-pass-through.mdx │ │ │ ├── 11-manual-vs-automatic-tracking.mdx │ │ │ ├── 12-cross-process-tracking.mdx │ │ │ ├── 13-client-troubleshooting.mdx │ │ │ ├── 2-go-client-integration.mdx │ │ │ ├── 3-python-client-integration.mdx │ │ │ ├── 4-nodejs-client-integration.mdx │ │ │ ├── 5-cpp-client-integration.mdx │ │ │ ├── 6-c-client-integration.mdx │ │ │ ├── 7-php-client-integration.mdx │ │ │ ├── 8-ruby-client-integration.mdx │ │ │ ├── 9-client-configuration-options.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-jaeger-sampling-strategy │ │ │ ├── 0-introduction-to-sampling-types.mdx │ │ │ ├── 1-constant-sampler.mdx │ │ │ ├── 10-action-based-sampling.mdx │ │ │ ├── 11-custom-sampling-strategy.mdx │ │ │ ├── 12-sampling-decision-propagation.mdx │ │ │ ├── 13-sampling-performance-impact.mdx │ │ │ ├── 2-probability-sampler.mdx │ │ │ ├── 3-rate-limiting-sampler.mdx │ │ │ ├── 4-remote-control-sampler.mdx │ │ │ ├── 5-adaptive-sampling.mdx │ │ │ ├── 6-sampling-policy-configuration.mdx │ │ │ ├── 7-sampling-parameter-tuning.mdx │ │ │ ├── 8-production-environment-sampling-best-practices.mdx │ │ │ ├── 9-service-based-sampling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-jaeger-storage-configuration │ │ │ ├── 0-storage-backend-options.mdx │ │ │ ├── 1-elasticsearch-configuration.mdx │ │ │ ├── 10-storage-capacity-planning.mdx │ │ │ ├── 11-storage-backup-recovery.mdx │ │ │ ├── 12-multi-tenant-storage-configuration.mdx │ │ │ ├── 13-storage-migration-policy.mdx │ │ │ ├── 2-cassandra-configuration.mdx │ │ │ ├── 3-kafka-configuration.mdx │ │ │ ├── 4-memory-storage-configuration.mdx │ │ │ ├── 5-badger-storage-configuration.mdx │ │ │ ├── 6-storage-scalability-configuration.mdx │ │ │ ├── 7-data-retention-policy.mdx │ │ │ ├── 8-index-management.mdx │ │ │ ├── 9-storage-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-jaeger-query-and-analysis │ │ │ ├── 0-query-interface-usage.mdx │ │ │ ├── 1-basic-query-syntax.mdx │ │ │ ├── 10-query-performance-optimization.mdx │ │ │ ├── 11-aggregation-analysis.mdx │ │ │ ├── 12-trend-analysis.mdx │ │ │ ├── 13-query-api-usage.mdx │ │ │ ├── 2-advanced-query-techniques.mdx │ │ │ ├── 3-filters-for-services.mdx │ │ │ ├── 4-action-filter.mdx │ │ │ ├── 5-label-filters.mdx │ │ │ ├── 6-time-range-query.mdx │ │ │ ├── 7-dependency-analysis.mdx │ │ │ ├── 8-correlation-query.mdx │ │ │ ├── 9-data-export-options.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-jaeger-visualization │ │ │ ├── 0-ui-interface-introduction.mdx │ │ │ ├── 1-tracking-view-details.mdx │ │ │ ├── 10-key-indicators-presentation.mdx │ │ │ ├── 11-alarms-anomalies-visualization.mdx │ │ │ ├── 12-visual-export-options.mdx │ │ │ ├── 13-team-collaboration-sharing.mdx │ │ │ ├── 2-dependency-graph-analysis.mdx │ │ │ ├── 3-dag-view-understanding.mdx │ │ │ ├── 4-timeline-analysis.mdx │ │ │ ├── 5-use-of-flame-diagrams.mdx │ │ │ ├── 6-service-performance-view.mdx │ │ │ ├── 7-system-topology-diagram.mdx │ │ │ ├── 8-customize-dashboard.mdx │ │ │ ├── 9-visual-best-practices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-jaeger-metrics-and-monitoring │ │ │ ├── 0-jaeger-internal-metrics.mdx │ │ │ ├── 1-prometheus-integration.mdx │ │ │ ├── 10-alertsconfiguring.mdx │ │ │ ├── 11-monitoring-best-practices.mdx │ │ │ ├── 12-long-term-trend-analysis.mdx │ │ │ ├── 13-indicator-data-export.mdx │ │ │ ├── 2-grafana-dashboard.mdx │ │ │ ├── 3-key-performance-indicator-tracking.mdx │ │ │ ├── 4-health-check-indicators.mdx │ │ │ ├── 5-capacity-monitoring.mdx │ │ │ ├── 6-delay-monitoring.mdx │ │ │ ├── 7-error-rate-monitoring.mdx │ │ │ ├── 8-sampling-rate-monitoring.mdx │ │ │ ├── 9-system-resource-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-jaeger-advanced-configuration │ │ │ ├── 0-advanced-environment-variables.mdx │ │ │ ├── 1-grpc-configuration.mdx │ │ │ ├── 10-proxy-setting.mdx │ │ │ ├── 11-high-availability-configurations.mdx │ │ │ ├── 12-load-balancing.mdx │ │ │ ├── 13-configuration-automation.mdx │ │ │ ├── 2-tls-security-configuration.mdx │ │ │ ├── 3-certifications-authorizations.mdx │ │ │ ├── 4-multi-tenant-configuration.mdx │ │ │ ├── 5-resource-constraint.mdx │ │ │ ├── 6-queue-and-buffer-configuration.mdx │ │ │ ├── 7-plug-in-system.mdx │ │ │ ├── 8-custom-processor.mdx │ │ │ ├── 9-network-configuration-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-jaeger-security │ │ │ ├── 0-certification-mechanism.mdx │ │ │ ├── 1-authorization-policy.mdx │ │ │ ├── 10-keymaster.mdx │ │ │ ├── 11-network-isolation.mdx │ │ │ ├── 12-data-desensitization.mdx │ │ │ ├── 13-security-monitoring.mdx │ │ │ ├── 2-tls-encryption.mdx │ │ │ ├── 3-data-encryption.mdx │ │ │ ├── 4-sensitive-data-processing.mdx │ │ │ ├── 5-access-control.mdx │ │ │ ├── 6-security-audits.mdx │ │ │ ├── 7-vulnerability-protection.mdx │ │ │ ├── 8-compliance-configuration.mdx │ │ │ ├── 9-security-best-practices.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── loki │ │ ├── 0-loki-basics │ │ │ ├── 0-about-loki.mdx │ │ │ ├── 1-loki-architecture-overview.mdx │ │ │ ├── 10-loki-performance-considerations.mdx │ │ │ ├── 11-loki-resource-requirements.mdx │ │ │ ├── 12-loki-version-history.mdx │ │ │ ├── 13-loki-community-resources.mdx │ │ │ ├── 2-how-to-install-loki.mdx │ │ │ ├── 3-loki-configuration-basics.mdx │ │ │ ├── 4-loki-core-concepts.mdx │ │ │ ├── 5-loki-tagging-system.mdx │ │ │ ├── 6-comparison-between-loki-and-prometheus.mdx │ │ │ ├── 7-loki-data-model.mdx │ │ │ ├── 8-loki-log-storage.mdx │ │ │ ├── 9-introduction-to-loki-query-language.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-loki-deployment │ │ │ ├── 0-overview-of-loki-deployment-scenarios.mdx │ │ │ ├── 1-loki-single-instance-deployment.mdx │ │ │ ├── 10-detailed-explanation-of-loki-configuration-file.mdx │ │ │ ├── 11-loki-environment-variable.mdx │ │ │ ├── 12-loki-startup-parameters.mdx │ │ │ ├── 13-loki-deployment-verification.mdx │ │ │ ├── 2-loki-microservice-deployment.mdx │ │ │ ├── 3-loki-container-deployment.mdx │ │ │ ├── 4-loki-integration-with-docker.mdx │ │ │ ├── 5-loki-integration-with-kubernetes.mdx │ │ │ ├── 6-helm-deployment-of-loki.mdx │ │ │ ├── 7-loki-cloud-deployment.mdx │ │ │ ├── 8-loki-high-availability-deployment.mdx │ │ │ ├── 9-loki-horizontal-expansion.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-high-availability │ │ │ ├── 0-loki-high-availability-overview.mdx │ │ │ ├── 1-component-redundancy-deployment.mdx │ │ │ ├── 10-maintenance-strategy.mdx │ │ │ ├── 11-rolling-upgrade.mdx │ │ │ ├── 12-high-availability-system-testing.mdx │ │ │ ├── 13-high-availability-best-practices.mdx │ │ │ ├── 2-data-replication-strategy.mdx │ │ │ ├── 3-automatic-recovery-upon-failure.mdx │ │ │ ├── 4-load-balancing-configuration.mdx │ │ │ ├── 5-regional-disaster-recovery-deployment.mdx │ │ │ ├── 6-automatic-scaling-configuration.mdx │ │ │ ├── 7-failover-mechanism.mdx │ │ │ ├── 8-health-check-settings.mdx │ │ │ ├── 9-high-availability-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-monitoring-and-alerting │ │ │ ├── 0-loki-self-monitoring-configuration.mdx │ │ │ ├── 1-detailed-explanation-of-loki-indicator.mdx │ │ │ ├── 10-alarm-notification-channel.mdx │ │ │ ├── 11-alarm-suppression-strategy.mdx │ │ │ ├── 12-alarm-template-configuration.mdx │ │ │ ├── 13-best-practices-for-monitoring-and-alerting.mdx │ │ │ ├── 2-prometheus-monitoring-integration.mdx │ │ │ ├── 3-key-indicator-monitoring.mdx │ │ │ ├── 4-resource-usage-monitoring.mdx │ │ │ ├── 5-log-ingestion-monitoring.mdx │ │ │ ├── 6-query-performance-monitoring.mdx │ │ │ ├── 7-storage-status-monitoring.mdx │ │ │ ├── 8-grafana-alarm-rules.mdx │ │ │ ├── 9-logql-alarm-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-security │ │ │ ├── 0-loki-security-overview.mdx │ │ │ ├── 1-authentication-mechanism-configuration.mdx │ │ │ ├── 10-the-principle-of-minimizing-permissions.mdx │ │ │ ├── 11-security-update-policy.mdx │ │ │ ├── 12-safety-and-compliance.mdx │ │ │ ├── 13-security-best-practices.mdx │ │ │ ├── 2-authentication-strategy-settings.mdx │ │ │ ├── 3-tlsssl-configuration.mdx │ │ │ ├── 4-api-token-management.mdx │ │ │ ├── 5-network-security-strategy.mdx │ │ │ ├── 6-data-encryption-options.mdx │ │ │ ├── 7-sensitive-information-handling.mdx │ │ │ ├── 8-security-audit-log.mdx │ │ │ ├── 9-vulnerability-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-log-management │ │ │ ├── 0-log-lifecycle-management.mdx │ │ │ ├── 1-log-retention-policy.mdx │ │ │ ├── 10-compliance-log-management.mdx │ │ │ ├── 11-log-management-automation.mdx │ │ │ ├── 12-log-management-cost-control.mdx │ │ │ ├── 13-log-management-best-practices.mdx │ │ │ ├── 2-log-compression-configuration.mdx │ │ │ ├── 3-log-archiving-solution.mdx │ │ │ ├── 4-log-deletion-mechanism.mdx │ │ │ ├── 5-data-label-management.mdx │ │ │ ├── 6-index-management.mdx │ │ │ ├── 7-log-storage-level.mdx │ │ │ ├── 8-data-tiered-storage.mdx │ │ │ ├── 9-hot-and-cold-data-strategies.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-loki-integration │ │ │ ├── 0-loki-integration-overview.mdx │ │ │ ├── 1-integration-with-prometheus.mdx │ │ │ ├── 10-integration-with-service-mesh.mdx │ │ │ ├── 11-integration-with-cloud-services.mdx │ │ │ ├── 12-integration-with-monitoring-platforms.mdx │ │ │ ├── 13-custom-integration-development.mdx │ │ │ ├── 2-integration-with-tempo.mdx │ │ │ ├── 3-integration-with-cortex.mdx │ │ │ ├── 4-integration-with-mimir.mdx │ │ │ ├── 5-integration-with-kubernetes.mdx │ │ │ ├── 6-integration-with-cicd-tool.mdx │ │ │ ├── 7-integration-with-alarm-systems.mdx │ │ │ ├── 8-integration-with-log-analysis-tools.mdx │ │ │ ├── 9-integration-with-siem-system.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-loki-operations │ │ │ ├── 0-daily-operation-and-maintenance-tasks.mdx │ │ │ ├── 1-troubleshooting.mdx │ │ │ ├── 10-resource-recycling.mdx │ │ │ ├── 11-log-exception-handling.mdx │ │ │ ├── 12-operation-and-maintenance-automation.mdx │ │ │ ├── 13-document-and-knowledge-management.mdx │ │ │ ├── 2-performance-bottleneck-analysis.mdx │ │ │ ├── 3-capacity-planning.mdx │ │ │ ├── 4-backup-and-recovery-strategy.mdx │ │ │ ├── 5-version-upgrade-process.mdx │ │ │ ├── 6-configuration-management.mdx │ │ │ ├── 7-log-rotation.mdx │ │ │ ├── 8-system-monitoring.mdx │ │ │ ├── 9-cost-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-loki-best-practices │ │ │ ├── 0-label-design-best-practices.mdx │ │ │ ├── 1-query-efficiency-optimization.mdx │ │ │ ├── 10-fault-drills.mdx │ │ │ ├── 11-observability-best-practices.mdx │ │ │ ├── 12-devops-integration-solution.mdx │ │ │ ├── 13-continuous-improvement-strategy.mdx │ │ │ ├── 2-resource-configuration-guide.mdx │ │ │ ├── 3-production-environment-deployment-checklist.mdx │ │ │ ├── 4-high-throughput-scene-processing.mdx │ │ │ ├── 5-considerations-for-large-scale-deployments.mdx │ │ │ ├── 6-multi-data-center-deployment.mdx │ │ │ ├── 7-cost-control-strategy.mdx │ │ │ ├── 8-security-hardening-guide.mdx │ │ │ ├── 9-performance-testing-methods.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-loki-premium-theme │ │ │ ├── 0-custom-log-parser.mdx │ │ │ ├── 1-advanced-logql-techniques.mdx │ │ │ ├── 10-loki-performance-benchmarks.mdx │ │ │ ├── 11-automated-operation-and-maintenance-tools.mdx │ │ │ ├── 12-multi-cluster-loki-deployment.mdx │ │ │ ├── 13-cutting-edge-logging-technology.mdx │ │ │ ├── 2-loki-source-code-analysis.mdx │ │ │ ├── 3-custom-promtail-plugin.mdx │ │ │ ├── 4-distributed-tracing-integration.mdx │ │ │ ├── 5-machine-learning-log-analysis.mdx │ │ │ ├── 6-log-anomaly-detection.mdx │ │ │ ├── 7-custom-storage-backend.mdx │ │ │ ├── 8-loki-extension-development.mdx │ │ │ ├── 9-large-scale-loki-architecture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-loki-components │ │ │ ├── 0-loki-distributed-architecture.mdx │ │ │ ├── 1-loki-distributor-component.mdx │ │ │ ├── 10-loki-component-monitoring.mdx │ │ │ ├── 11-troubleshooting-loki-components.mdx │ │ │ ├── 12-loki-component-log.mdx │ │ │ ├── 13-loki-component-performance-tuning.mdx │ │ │ ├── 2-loki-ingester-components.mdx │ │ │ ├── 3-loki-querier-component.mdx │ │ │ ├── 4-loki-query-frontend-component.mdx │ │ │ ├── 5-loki-compactor-component.mdx │ │ │ ├── 6-loki-table-manager-component.mdx │ │ │ ├── 7-loki-ruler-component.mdx │ │ │ ├── 8-loki-component-communication.mdx │ │ │ ├── 9-loki-component-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-promtail │ │ │ ├── 0-introduction-to-promtail.mdx │ │ │ ├── 1-promtail-installation-and-configuration.mdx │ │ │ ├── 10-promtail-metrics-and-monitoring.mdx │ │ │ ├── 11-promtail-troubleshooting-guide.mdx │ │ │ ├── 12-promtail-performance-optimization.mdx │ │ │ ├── 13-comparison-of-promtail-with-other-log-collectors.mdx │ │ │ ├── 2-promtail-target-configuration.mdx │ │ │ ├── 3-promtail-tag-configuration.mdx │ │ │ ├── 4-promtail-pipeline-configuration.mdx │ │ │ ├── 5-promtail-converter.mdx │ │ │ ├── 6-promtail-action.mdx │ │ │ ├── 7-promtail-static-configuration.mdx │ │ │ ├── 8-promtail-file-discovery.mdx │ │ │ ├── 9-promtail-service-discovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-log-collection │ │ │ ├── 0-loki-log-collection-overview.mdx │ │ │ ├── 1-diversified-log-sources.mdx │ │ │ ├── 10-multi-line-log-processing.mdx │ │ │ ├── 11-structured-log-collection.mdx │ │ │ ├── 12-unstructured-log-processing.mdx │ │ │ ├── 13-log-collection-best-practices.mdx │ │ │ ├── 2-promtail-log-collection.mdx │ │ │ ├── 3-fluentd-and-loki-integration.mdx │ │ │ ├── 4-fluentbit-integration-with-loki.mdx │ │ │ ├── 5-vector-and-loki-integration.mdx │ │ │ ├── 6-logstash-and-loki-integration.mdx │ │ │ ├── 7-docker-log-driver.mdx │ │ │ ├── 8-kubernetes-log-collection.mdx │ │ │ ├── 9-application-log-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-logql │ │ │ ├── 0-introduction-to-logql-query-language.mdx │ │ │ ├── 1-logql-basic-syntax.mdx │ │ │ ├── 10-logql-query-performance-optimization.mdx │ │ │ ├── 11-logql-common-query-patterns.mdx │ │ │ ├── 12-logql-advanced-skills.mdx │ │ │ ├── 13-logql-error-troubleshooting.mdx │ │ │ ├── 2-logql-log-filtering.mdx │ │ │ ├── 3-logql-tag-filtering.mdx │ │ │ ├── 4-logql-regular-expression.mdx │ │ │ ├── 5-logql-parsing-expression.mdx │ │ │ ├── 6-logql-format-expression.mdx │ │ │ ├── 7-logql-aggregation-operations.mdx │ │ │ ├── 8-logql-time-function.mdx │ │ │ ├── 9-logql-numerical-operations.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-loki-and-grafana │ │ │ ├── 0-grafana-data-source-configuration.mdx │ │ │ ├── 1-grafana-explore-mode.mdx │ │ │ ├── 10-grafana-derived-fields.mdx │ │ │ ├── 11-grafana-link-configuration.mdx │ │ │ ├── 12-grafana-visualization-skills.mdx │ │ │ ├── 13-grafana-query-optimization.mdx │ │ │ ├── 2-grafana-log-visualization.mdx │ │ │ ├── 3-grafana-log-query.mdx │ │ │ ├── 4-grafana-dashboard-creation.mdx │ │ │ ├── 5-grafana-template-variables.mdx │ │ │ ├── 6-grafana-alarm-configuration.mdx │ │ │ ├── 7-grafana-annotations.mdx │ │ │ ├── 8-best-practices-for-grafana-and-loki-integration.mdx │ │ │ ├── 9-grafana-log-context-view.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-storage-configuration │ │ │ ├── 0-loki-storage-architecture.mdx │ │ │ ├── 1-local-file-system-storage.mdx │ │ │ ├── 10-storage-migration.mdx │ │ │ ├── 11-storage-performance-optimization.mdx │ │ │ ├── 12-multi-tenant-storage-isolation.mdx │ │ │ ├── 13-storage-cost-optimization.mdx │ │ │ ├── 2-s3-compatible-storage.mdx │ │ │ ├── 3-google-cloud-storage.mdx │ │ │ ├── 4-azure-blob-storage.mdx │ │ │ ├── 5-swift-storage.mdx │ │ │ ├── 6-minio-storage-configuration.mdx │ │ │ ├── 7-storage-cache-configuration.mdx │ │ │ ├── 8-storage-sharding-strategy.mdx │ │ │ ├── 9-storage-backup-and-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-multi-tenancy │ │ │ ├── 0-loki-multi-tenancy-concept.mdx │ │ │ ├── 1-multi-tenant-architecture-design.mdx │ │ │ ├── 10-multi-tenancy-best-practices.mdx │ │ │ ├── 11-tenant-management-api.mdx │ │ │ ├── 12-tenant-quota-management.mdx │ │ │ ├── 13-tenant-migration-strategy.mdx │ │ │ ├── 2-tenant-isolation-mechanism.mdx │ │ │ ├── 3-tenant-resource-restrictions.mdx │ │ │ ├── 4-tenant-authentication-configuration.mdx │ │ │ ├── 5-tenant-authentication-solution.mdx │ │ │ ├── 6-cross-tenant-query.mdx │ │ │ ├── 7-tenant-metrics-monitoring.mdx │ │ │ ├── 8-tenant-log-retention.mdx │ │ │ ├── 9-tenant-cost-analysis.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-performance-tuning │ │ │ ├── 0-loki-performance-overview.mdx │ │ │ ├── 1-resource-needs-assessment.mdx │ │ │ ├── 10-batch-processing-parameter-adjustment.mdx │ │ │ ├── 11-query-parallelism-adjustment.mdx │ │ │ ├── 12-query-speed-limit-configuration.mdx │ │ │ ├── 13-performance-monitoring-indicators.mdx │ │ │ ├── 2-query-performance-optimization.mdx │ │ │ ├── 3-write-performance-optimization.mdx │ │ │ ├── 4-cache-strategy-configuration.mdx │ │ │ ├── 5-optimizing-memory-usage.mdx │ │ │ ├── 6-disk-io-optimization.mdx │ │ │ ├── 7-network-transmission-optimization.mdx │ │ │ ├── 8-compression-policy-settings.mdx │ │ │ ├── 9-sharding-strategy-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── opentelemetry │ │ ├── 0-opentelemetry-foundation │ │ │ ├── 0-introduction-to-opentelemetry.mdx │ │ │ ├── 1-opentelemetry-architecture.mdx │ │ │ ├── 10-opentelemetry-configuration.mdx │ │ │ ├── 11-opentelemetry-versus-other-observability-tools.mdx │ │ │ ├── 12-opentelemetry-faq.mdx │ │ │ ├── 13-opentelemetry-community-resources.mdx │ │ │ ├── 2-opentelemetry-core-concepts.mdx │ │ │ ├── 3-opentelemetry-glossary.mdx │ │ │ ├── 4-opentelemetry-component.mdx │ │ │ ├── 5-opentelemetry-and-observability.mdx │ │ │ ├── 6-opentelemetry-history-and-development.mdx │ │ │ ├── 7-opentelemetry-benefits.mdx │ │ │ ├── 8-opentelemetry-ecosystem.mdx │ │ │ ├── 9-opentelemetry-installation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-opentelemetry-signal-type │ │ │ ├── 0-overview-of-opentelemetry-signals.mdx │ │ │ ├── 1-opentelemetry-metrics.mdx │ │ │ ├── 10-opentelemetry-indicator-type.mdx │ │ │ ├── 11-opentelemetry-metrics-view.mdx │ │ │ ├── 12-opentelemetry-w3c-standard-alignment.mdx │ │ │ ├── 13-opentelemetry-signal-interoperability.mdx │ │ │ ├── 2-opentelemetry-traces.mdx │ │ │ ├── 3-opentelemetry-log-logs.mdx │ │ │ ├── 4-opentelemetry-context.mdx │ │ │ ├── 5-opentelemetry-association.mdx │ │ │ ├── 6-opentelemetry-distributed-tracking-principle.mdx │ │ │ ├── 7-opentelemetry-sampling-strategy.mdx │ │ │ ├── 8-opentelemetry-events.mdx │ │ │ ├── 9-opentelemetry-indicator-aggregation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-opentelemetry-resources-and-properties │ │ │ ├── 0-opentelemetry-resource-overview.mdx │ │ │ ├── 1-opentelemetry-semantic-conventions.mdx │ │ │ ├── 10-opentelemetry-operating-system-properties.mdx │ │ │ ├── 11-opentelemetry-process-properties.mdx │ │ │ ├── 12-opentelemetry-host-properties.mdx │ │ │ ├── 13-opentelemetry-property-best-practices.mdx │ │ │ ├── 2-opentelemetry-resource-detection.mdx │ │ │ ├── 3-opentelemetry-resource-merge.mdx │ │ │ ├── 4-opentelemetry-standard-properties.mdx │ │ │ ├── 5-opentelemetry-custom-attributes.mdx │ │ │ ├── 6-opentelemetry-environment-properties.mdx │ │ │ ├── 7-opentelemetry-service-properties.mdx │ │ │ ├── 8-opentelemetry-container-properties.mdx │ │ │ ├── 9-opentelemetry-cloud-properties.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-opentelemetry-sampling │ │ │ ├── 0-opentelemetry-sampling-overview.mdx │ │ │ ├── 1-opentelemetry-head-sampling.mdx │ │ │ ├── 10-opentelemetry-remote-control-sampling.mdx │ │ │ ├── 11-opentelemetry-sampling-configuration.mdx │ │ │ ├── 12-opentelemetry-sampling-debugging.mdx │ │ │ ├── 13-opentelemetry-sampling-best-practices.mdx │ │ │ ├── 2-opentelemetry-tail-sampling.mdx │ │ │ ├── 3-opentelemetry-probability-sampling.mdx │ │ │ ├── 4-opentelemetry-rate-based-sampling.mdx │ │ │ ├── 5-opentelemetry-parent-sampling.mdx │ │ │ ├── 6-opentelemetry-adaptive-sampling.mdx │ │ │ ├── 7-opentelemetry-composite-sampling.mdx │ │ │ ├── 8-opentelemetry-property-based-sampling.mdx │ │ │ ├── 9-opentelemetry-based-on-error-sampling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-opentelemetry-indicators-and-gauges │ │ │ ├── 0-overview-of-opentelemetry-metrics.mdx │ │ │ ├── 1-opentelemetry-counter.mdx │ │ │ ├── 10-standardization-of-opentelemetry-indicators.mdx │ │ │ ├── 11-opentelemetry-index-qps-calculation.mdx │ │ │ ├── 12-delayed-calculation-of-opentelemetry-indicators.mdx │ │ │ ├── 13-best-practices-for-opentelemetry-metrics.mdx │ │ │ ├── 2-opentelemetry-up-and-down-counters.mdx │ │ │ ├── 3-opentelemetry-histogram.mdx │ │ │ ├── 4-opentelemetry.mdx │ │ │ ├── 5-opentelemetry-meter-view.mdx │ │ │ ├── 6-opentelemetry-indicator-aggregation.mdx │ │ │ ├── 7-opentelemetry-multidimensional-metrics.mdx │ │ │ ├── 8-opentelemetry-indicator-unit.mdx │ │ │ ├── 9-opentelemetry-indicator-name-convention.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-opentelemetry-distributed-tracking │ │ │ ├── 0-opentelemetry-distributed-tracking-overview.mdx │ │ │ ├── 1-opentelemetry-span-lifecycle.mdx │ │ │ ├── 10-opentelemetry-manual-detection.mdx │ │ │ ├── 11-opentelemetry-distributed-tracking-visualization.mdx │ │ │ ├── 12-opentelemetry-tracking-filtering.mdx │ │ │ ├── 13-opentelemetry-tracking-best-practices.mdx │ │ │ ├── 2-opentelemetry-tracking-context.mdx │ │ │ ├── 3-opentelemetry-span-property.mdx │ │ │ ├── 4-opentelemetry-span-event.mdx │ │ │ ├── 5-opentelemetry-span-link.mdx │ │ │ ├── 6-opentelemetry-span-status.mdx │ │ │ ├── 7-opentelemetry-span-species.mdx │ │ │ ├── 8-opentelemetry-root-span-creation.mdx │ │ │ ├── 9-opentelemetry-asynchronous-tracking.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-opentelemetry-advanced-application │ │ │ ├── 0-opentelemetry-and-microservices.mdx │ │ │ ├── 1-opentelemetry-with-kubernetes.mdx │ │ │ ├── 10-opentelemetry-with-cicd-piping.mdx │ │ │ ├── 11-opentelemetry-and-cloud-native-applications.mdx │ │ │ ├── 12-opentelemetry-and-hybrid-cloud-environments.mdx │ │ │ ├── 13-opentelemetry-and-edge-computing.mdx │ │ │ ├── 2-opentelemetry-and-services-grid.mdx │ │ │ ├── 3-opentelemetry-and-serverless-architecture.mdx │ │ │ ├── 4-opentelemetry-with-message-queue.mdx │ │ │ ├── 5-opentelemetry-and-database-monitoring.mdx │ │ │ ├── 6-opentelemetry-and-web-front-end-monitoring.mdx │ │ │ ├── 7-opentelemetry-and-mobile-app-monitoring.mdx │ │ │ ├── 8-opentelemetry-and-iot-device-monitoring.mdx │ │ │ ├── 9-opentelemetry-and-big-data-systems.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-opentelemetry-log-integration │ │ │ ├── 0-opentelemetry-log-overview.mdx │ │ │ ├── 1-opentelemetry-log-api.mdx │ │ │ ├── 10-opentelemetry-log-batching.mdx │ │ │ ├── 11-optimization-of-opentelemetry-log-performance.mdx │ │ │ ├── 12-opentelemetry-integration-with-log-analysis-tools.mdx │ │ │ ├── 13-opentelemetry-logging-best-practices.mdx │ │ │ ├── 2-opentelemetry-log-bridging.mdx │ │ │ ├── 3-opentelemetry-log-context-association.mdx │ │ │ ├── 4-opentelemetry-integrates-with-legacy-logging-systems.mdx │ │ │ ├── 5-opentelemetry-log-format.mdx │ │ │ ├── 6-opentelemetry-structured-logs.mdx │ │ │ ├── 7-opentelemetry-log-properties.mdx │ │ │ ├── 8-opentelemetry-log-level.mdx │ │ │ ├── 9-opentelemetry-log-sampling.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-opentelemetry-best-practices │ │ │ ├── 0-opentelemetry-implementation-strategy.mdx │ │ │ ├── 1-opentelemetry-naming-convention.mdx │ │ │ ├── 10-opentelemetry-upgrade-strategy.mdx │ │ │ ├── 11-opentelemetry-scalability-design.mdx │ │ │ ├── 12-opentelemetry-multi-team-collaboration.mdx │ │ │ ├── 13-opentelemetry-maturity-model.mdx │ │ │ ├── 2-opentelemetry-test-coverage.mdx │ │ │ ├── 3-opentelemetry-performance-impact-management.mdx │ │ │ ├── 4-opentelemetry-data-volume-management.mdx │ │ │ ├── 5-opentelemetry-security-best-practices.mdx │ │ │ ├── 6-opentelemetry-privacy-protection.mdx │ │ │ ├── 7-opentelemetry-sensitive-data-processing.mdx │ │ │ ├── 8-opentelemetry-testing-and-validation.mdx │ │ │ ├── 9-opentelemetry-troubleshooting-guide.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-opentelemetry-safety-and-compliance │ │ │ ├── 0-opentelemetry-security-overview.mdx │ │ │ ├── 1-opentelemetry-data-security.mdx │ │ │ ├── 10-opentelemetry-security-audit.mdx │ │ │ ├── 11-opentelemetry-vulnerability-management.mdx │ │ │ ├── 12-opentelemetry-security-best-practices.mdx │ │ │ ├── 13-opentelemetry-privacy-design.mdx │ │ │ ├── 2-opentelemetry-access-control.mdx │ │ │ ├── 3-opentelemetry-certification-and-authorization.mdx │ │ │ ├── 4-opentelemetry-encrypted-transmission.mdx │ │ │ ├── 5-opentelemetry-processing-of-personally-identifiable-information.mdx │ │ │ ├── 6-opentelemetry-compliance-considerations.mdx │ │ │ ├── 7-opentelemetry-gdpr-compliance.mdx │ │ │ ├── 8-opentelemetry-hipaa-compliance.mdx │ │ │ ├── 9-opentelemetry-pci-dss-compliance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-opentelemetry-troubleshooting │ │ │ ├── 0-opentelemetry-faq.mdx │ │ │ ├── 1-opentelemetry-startup-issue.mdx │ │ │ ├── 10-opentelemetry-context-propagation-issues.mdx │ │ │ ├── 11-opentelemetry-version-compatibility-issue.mdx │ │ │ ├── 12-opentelemetry-auto-detection-failed.mdx │ │ │ ├── 13-opentelemetry-failure-recovery-strategy.mdx │ │ │ ├── 2-opentelemetry-configuration-failure.mdx │ │ │ ├── 3-opentelemetry-data-loss-investigation.mdx │ │ │ ├── 4-opentelemetry-performance-issues.mdx │ │ │ ├── 5-opentelemetry-memory-leak.mdx │ │ │ ├── 6-opentelemetry-incomplete-tracking.mdx │ │ │ ├── 7-inaccurate-opentelemetry-metrics.mdx │ │ │ ├── 8-opentelemetry-collector-problem.mdx │ │ │ ├── 9-opentelemetry-export-failed.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 19-opentelemetry-cloud-environment-application │ │ │ ├── 0-opentelemetry-with-aws.mdx │ │ │ ├── 1-opentelemetry-with-azure.mdx │ │ │ ├── 10-opentelemetry-and-multi-cloud-strategies.mdx │ │ │ ├── 11-opentelemetry-cloud-resource-properties.mdx │ │ │ ├── 12-opentelemetry-cloud-service-cost-monitoring.mdx │ │ │ ├── 13-opentelemetry-cloud-environment-best-practices.mdx │ │ │ ├── 2-opentelemetry-with-google-cloud.mdx │ │ │ ├── 3-opentelemetry-with-aliyun.mdx │ │ │ ├── 4-opentelemetry-with-tencent-cloud.mdx │ │ │ ├── 5-opentelemetry-and-huawei-cloud.mdx │ │ │ ├── 6-opentelemetry-cloud-provider-detection.mdx │ │ │ ├── 7-opentelemetry-and-cloud-native-monitoring.mdx │ │ │ ├── 8-opentelemetry-with-container-orchestration.mdx │ │ │ ├── 9-opentelemetry-and-serverless-environments.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-opentelemetry-api │ │ │ ├── 0-opentelemetry-api-overview.mdx │ │ │ ├── 1-opentelemetry-tracking-api.mdx │ │ │ ├── 10-opentelemetry-api-best-practices.mdx │ │ │ ├── 11-opentelemetry-api-version-control.mdx │ │ │ ├── 12-opentelemetry-api-extension.mdx │ │ │ ├── 13-opentelemetry-api-advanced-usage.mdx │ │ │ ├── 2-opentelemetry-metrics-api.mdx │ │ │ ├── 3-opentelemetry-context-api.mdx │ │ │ ├── 4-opentelemetry-propagator-api.mdx │ │ │ ├── 5-opentelemetry-resources-api.mdx │ │ │ ├── 6-opentelemetry-meter-api.mdx │ │ │ ├── 7-opentelemetry-log-api.mdx │ │ │ ├── 8-opentelemetry-error-handling.mdx │ │ │ ├── 9-opentelemetry-asynchronous-api.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-opentelemetry-sdk │ │ │ ├── 0-opentelemetry-sdk-overview.mdx │ │ │ ├── 1-opentelemetry-sdk-installation.mdx │ │ │ ├── 10-opentelemetry-sdk-custom-component.mdx │ │ │ ├── 11-opentelemetry-sdk-multilingual-support.mdx │ │ │ ├── 12-opentelemetry-sdk-performance-optimization.mdx │ │ │ ├── 13-opentelemetry-sdk-troubleshooting.mdx │ │ │ ├── 2-opentelemetry-sdk-configuration.mdx │ │ │ ├── 3-opentelemetry-processor.mdx │ │ │ ├── 4-opentelemetry-resource-detector.mdx │ │ │ ├── 5-opentelemetry-sampler.mdx │ │ │ ├── 6-opentelemetry-context-propagation.mdx │ │ │ ├── 7-opentelemetry-batch-exporter.mdx │ │ │ ├── 8-opentelemetry-aggregator.mdx │ │ │ ├── 9-opentelemetry-sdk-extension.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-opentelemetry-collector │ │ │ ├── 0-opentelemetry-collector-overview.mdx │ │ │ ├── 1-opentelemetry-collector-architecture.mdx │ │ │ ├── 10-opentelemetry-collector-extensibility.mdx │ │ │ ├── 11-performance-tuning-of-opentelemetry-collector.mdx │ │ │ ├── 12-opentelemetry-collector-security-configuration.mdx │ │ │ ├── 13-opentelemetry-collector-monitors-itself.mdx │ │ │ ├── 2-opentelemetry-collector-installation.mdx │ │ │ ├── 3-opentelemetry-collector-configuration.mdx │ │ │ ├── 4-opentelemetry-collector-receiver.mdx │ │ │ ├── 5-opentelemetry-collector-processor.mdx │ │ │ ├── 6-opentelemetry-collector-exporter.mdx │ │ │ ├── 7-opentelemetry-collector-extension.mdx │ │ │ ├── 8-opentelemetry-collector-pipeline.mdx │ │ │ ├── 9-opentelemetry-collector-high-availability-deployment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-opentelemetry-automatic-detection │ │ │ ├── 0-overview-of-opentelemetry-automatic-detection.mdx │ │ │ ├── 1-opentelemetry-java-automatic-detection.mdx │ │ │ ├── 10-opentelemetry-automatic-detection-exclusion-rule.mdx │ │ │ ├── 11-opentelemetry-automatically-detects-performance-impact.mdx │ │ │ ├── 12-troubleshooting-opentelemetry-automatic-detection.mdx │ │ │ ├── 13-opentelemetry-automatic-detection-best-practices.mdx │ │ │ ├── 2-opentelemetry-python-auto-detect.mdx │ │ │ ├── 3-opentelemetry-javascript-auto-detection.mdx │ │ │ ├── 4-opentelemetry-net-automatic-detection.mdx │ │ │ ├── 5-opentelemetry-go-auto-detect.mdx │ │ │ ├── 6-opentelemetry-ruby-automatic-detection.mdx │ │ │ ├── 7-opentelemetry-php-automatic-detection.mdx │ │ │ ├── 8-opentelemetry-rust-automatic-detection.mdx │ │ │ ├── 9-opentelemetry-automatic-detection-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-opentelemetry-language-implementation │ │ │ ├── 0-overview-of-opentelemetry-language-implementation.mdx │ │ │ ├── 1-opentelemetry-java-implementation.mdx │ │ │ ├── 10-opentelemetry-swift-implementation.mdx │ │ │ ├── 11-opentelemetry-cpp-implementation.mdx │ │ │ ├── 12-opentelemetry-language-implementation-comparison.mdx │ │ │ ├── 13-opentelemetry-language-interoperability.mdx │ │ │ ├── 2-opentelemetry-python-implementation.mdx │ │ │ ├── 3-opentelemetry-go-implementation.mdx │ │ │ ├── 4-opentelemetry-net-implementation.mdx │ │ │ ├── 5-opentelemetry-javascript-implementation.mdx │ │ │ ├── 6-opentelemetry-ruby-implementation.mdx │ │ │ ├── 7-opentelemetry-php-implementation.mdx │ │ │ ├── 8-opentelemetry-rust-implementation.mdx │ │ │ ├── 9-opentelemetry-erlangelixir-implementation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-opentelemetry-export-with-backend-integration │ │ │ ├── 0-opentelemetry-exporter-overview.mdx │ │ │ ├── 1-opentelemetry-otlp-protocol.mdx │ │ │ ├── 10-opentelemetry-data-conversion.mdx │ │ │ ├── 11-opentelemetry-filter-export.mdx │ │ │ ├── 12-opentelemetry-data-format.mdx │ │ │ ├── 13-opentelemetry-compatibility-guarantee.mdx │ │ │ ├── 2-opentelemetry-prometheus-integration.mdx │ │ │ ├── 3-opentelemetry-jaeger-integration.mdx │ │ │ ├── 4-opentelemetry-zipkin-integration.mdx │ │ │ ├── 5-opentelemetry-elasticsearch-integration.mdx │ │ │ ├── 6-opentelemetry-grafana-integration.mdx │ │ │ ├── 7-opentelemetry-cloud-platform-integration.mdx │ │ │ ├── 8-opentelemetry-custom-exporter.mdx │ │ │ ├── 9-opentelemetry-multi-backend-export.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-opentelemetry-advanced-configuration │ │ │ ├── 0-opentelemetry-environment-variable-configuration.mdx │ │ │ ├── 1-opentelemetry-file-configuration.mdx │ │ │ ├── 10-opentelemetry-multi-environment-configuration.mdx │ │ │ ├── 11-opentelemetry-encryption-configuration.mdx │ │ │ ├── 12-opentelemetry-configuration-verification.mdx │ │ │ ├── 13-opentelemetry-configuration-best-practices.mdx │ │ │ ├── 2-opentelemetry-dynamic-configuration.mdx │ │ │ ├── 3-opentelemetry-sampling-configuration.mdx │ │ │ ├── 4-opentelemetry-resource-property-configuration.mdx │ │ │ ├── 5-opentelemetry-processor-configuration.mdx │ │ │ ├── 6-opentelemetry-batch-configuration.mdx │ │ │ ├── 7-opentelemetry-current-limiting-configuration.mdx │ │ │ ├── 8-opentelemetry-memory-optimization.mdx │ │ │ ├── 9-opentelemetry-high-availability-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-opentelemetry-context-propagation │ │ │ ├── 0-opentelemetry-context-propagation-overview.mdx │ │ │ ├── 1-opentelemetry-w3c-trace-context.mdx │ │ │ ├── 10-opentelemetry-context-propagation-security.mdx │ │ │ ├── 11-troubleshooting-opentelemetry-context-propagation.mdx │ │ │ ├── 12-opentelemetry-context-propagation-debugging.mdx │ │ │ ├── 13-opentelemetry-contextual-communication-best-practices.mdx │ │ │ ├── 2-opentelemetry-baggage.mdx │ │ │ ├── 3-opentelemetry-propagator-implementation.mdx │ │ │ ├── 4-opentelemetry-propagation-across-process-contexts.mdx │ │ │ ├── 5-opentelemetry-cross-threaded-context-propagation.mdx │ │ │ ├── 6-opentelemetry-distributed-system-context-propagation.mdx │ │ │ ├── 7-opentelemetry-custom-context-propagation.mdx │ │ │ ├── 8-opentelemetry-context-association.mdx │ │ │ ├── 9-opentelemetry-context-storage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── prometheus │ │ ├── 0-prometheus-base │ │ │ ├── 0-about-prometheus.mdx │ │ │ ├── 1-monitoring-system-overview.mdx │ │ │ ├── 10-first-prometheus-monitor.mdx │ │ │ ├── 11-navigating-the-prometheus-interface.mdx │ │ │ ├── 12-prometheus-target-discovery.mdx │ │ │ ├── 13-prometheus-storage-mechanism.mdx │ │ │ ├── 2-prometheus-architecture.mdx │ │ │ ├── 3-prometheus-history-and-development.mdx │ │ │ ├── 4-prometheus-compared-to-other-monitoring-tools.mdx │ │ │ ├── 5-prometheus-installation.mdx │ │ │ ├── 6-prometheus-configuration-basics.mdx │ │ │ ├── 7-prometheus-data-model.mdx │ │ │ ├── 8-prometheus-metric-type.mdx │ │ │ ├── 9-prometheus-glossary.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-promql-query-language │ │ │ ├── 0-introduction-to-promql.mdx │ │ │ ├── 1-promql-data-type.mdx │ │ │ ├── 10-promql-string-function.mdx │ │ │ ├── 11-promql-complex-query-example.mdx │ │ │ ├── 12-promql-query-performance-optimization.mdx │ │ │ ├── 13-promql-common-errors-and-debugging.mdx │ │ │ ├── 2-promql-base-query.mdx │ │ │ ├── 3-promql-selector.mdx │ │ │ ├── 4-promql-filter.mdx │ │ │ ├── 5-promql-operator.mdx │ │ │ ├── 6-promql-aggregate-function.mdx │ │ │ ├── 7-promql-time-function.mdx │ │ │ ├── 8-promql-scalar-function.mdx │ │ │ ├── 9-promql-mathematical-functions.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-prometheus-advanced-configuration │ │ │ ├── 0-profile-structure-explained-in-detail.mdx │ │ │ ├── 1-dynamic-configuration-overloading.mdx │ │ │ ├── 10-custom-crawl-protocol.mdx │ │ │ ├── 11-advanced-relabeling-technology.mdx │ │ │ ├── 12-blacklists-whitelists.mdx │ │ │ ├── 13-configure-version-control.mdx │ │ │ ├── 2-multi-profile-management.mdx │ │ │ ├── 3-configure-templating.mdx │ │ │ ├── 4-environment-variable-usage.mdx │ │ │ ├── 5-sensitive-information-processing.mdx │ │ │ ├── 6-security-authentication-configuration.mdx │ │ │ ├── 7-tlsssl-configuration.mdx │ │ │ ├── 8-basic-authentication-settings.mdx │ │ │ ├── 9-proxy-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-prometheus-and-container-orchestration │ │ │ ├── 0-prometheus-and-docker.mdx │ │ │ ├── 1-prometheus-integration-with-kubernetes.mdx │ │ │ ├── 10-kubernetes-status-monitoring.mdx │ │ │ ├── 11-app-container-monitoring.mdx │ │ │ ├── 12-cluster-health-monitoring.mdx │ │ │ ├── 13-multiple-cluster-monitoring-scenarios.mdx │ │ │ ├── 2-kube-prometheus-stack.mdx │ │ │ ├── 3-prometheus-operator-details.mdx │ │ │ ├── 4-servicemonitor-configuration.mdx │ │ │ ├── 5-podmonitor-settings.mdx │ │ │ ├── 6-prometheusrule-management.mdx │ │ │ ├── 7-kubernetes-custom-resources.mdx │ │ │ ├── 8-container-environment-service-discovery.mdx │ │ │ ├── 9-container-metrics-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-prometheus-federal-high-availability │ │ │ ├── 0-prometheus-federal-mechanism.mdx │ │ │ ├── 1-hierarchical-federal-design.mdx │ │ │ ├── 10-failover-configuration.mdx │ │ │ ├── 11-data-consistency-guarantee.mdx │ │ │ ├── 12-lb_policy.mdx │ │ │ ├── 13-scale-deployment-scenarios.mdx │ │ │ ├── 2-cross-data-center-monitoring.mdx │ │ │ ├── 3-high-availability-architecture.mdx │ │ │ ├── 4-thanos-architecture.mdx │ │ │ ├── 5-thanos-component-explained-in-detail.mdx │ │ │ ├── 6-thanos-deployment-configuration.mdx │ │ │ ├── 7-cortex-architecture.mdx │ │ │ ├── 8-cortex-deployment-settings.mdx │ │ │ ├── 9-prometheus-cache-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-prometheus-security-and-management │ │ │ ├── 0-prometheus-security-basics.mdx │ │ │ ├── 1-access-control-configuration.mdx │ │ │ ├── 10-configuration-management-best-practices.mdx │ │ │ ├── 11-surveillance-system-surveillance.mdx │ │ │ ├── 12-resource-usage-restrictions.mdx │ │ │ ├── 13-safety-and-compliance-guarantee.mdx │ │ │ ├── 2-authentication-mechanism-settings.mdx │ │ │ ├── 3-authorization-policy-implementation.mdx │ │ │ ├── 4-cybersecurity-protection.mdx │ │ │ ├── 5-sensitive-data-processing.mdx │ │ │ ├── 6-audit-log-configuration.mdx │ │ │ ├── 7-vulnerability-management.mdx │ │ │ ├── 8-security-update-policy.mdx │ │ │ ├── 9-backup-and-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-prometheus-and-cloud-native │ │ │ ├── 0-cloud-native-monitoring-overview.mdx │ │ │ ├── 1-prometheus-with-cncf.mdx │ │ │ ├── 10-cloud-native-application-monitoring.mdx │ │ │ ├── 11-cloud-resource-usage-monitoring.mdx │ │ │ ├── 12-cost-optimization-monitoring.mdx │ │ │ ├── 13-cloud-native-monitoring-case.mdx │ │ │ ├── 2-cloud-environment-monitoring-strategy.mdx │ │ │ ├── 3-multi-cloud-monitoring-solution.mdx │ │ │ ├── 4-serverless-architecture-monitoring.mdx │ │ │ ├── 5-cloud-service-monitoring-integration.mdx │ │ │ ├── 6-cloud-native-best-practices.mdx │ │ │ ├── 7-service-grid-monitoring.mdx │ │ │ ├── 8-istio-monitoring-configuration.mdx │ │ │ ├── 9-envoy-metrics-collection.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-prometheus-performance-tuning │ │ │ ├── 0-performance-tuning-principles.mdx │ │ │ ├── 1-resource-planning.mdx │ │ │ ├── 10-high-cardinality-problem-solving.mdx │ │ │ ├── 11-monitoring-system-extension.mdx │ │ │ ├── 12-load-test-method.mdx │ │ │ ├── 13-performance-bottleneck-analysis.mdx │ │ │ ├── 2-hardware-needs-assessment.mdx │ │ │ ├── 3-query-optimization-techniques.mdx │ │ │ ├── 4-storage-performance-optimization.mdx │ │ │ ├── 5-memory-usage-optimization.mdx │ │ │ ├── 6-fetch-configuration-optimization.mdx │ │ │ ├── 7-tag-usage-optimization.mdx │ │ │ ├── 8-rule-evaluation-optimization.mdx │ │ │ ├── 9-alarm-handling-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-prometheus-best-practices │ │ │ ├── 0-monitoring-strategy-design.mdx │ │ │ ├── 1-indicator-design-principles.mdx │ │ │ ├── 10-monitor-as-code.mdx │ │ │ ├── 11-version-upgrade-policy.mdx │ │ │ ├── 12-documentation-knowledge-management.mdx │ │ │ ├── 13-monitor-culture-building.mdx │ │ │ ├── 2-alarm-design-principles.mdx │ │ │ ├── 3-slislo-implementation.mdx │ │ │ ├── 4-gold-metrics-monitoring.mdx │ │ │ ├── 5-use-method-practice.mdx │ │ │ ├── 6-red-method-practice.mdx │ │ │ ├── 7-four-golden-signals.mdx │ │ │ ├── 8-dashboard-design-principles.mdx │ │ │ ├── 9-effective-alarm-design.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-prometheus-metrics-and-crawling │ │ │ ├── 0-detailed-explanation-of-prometheus-indicator-types.mdx │ │ │ ├── 1-counter.mdx │ │ │ ├── 10-relabel-configuration.mdx │ │ │ ├── 11-grab-interval-settings.mdx │ │ │ ├── 12-fetch-timeout-handling.mdx │ │ │ ├── 13-metric-filter-configuration.mdx │ │ │ ├── 14-http-and-https-crawl-settings.mdx │ │ │ ├── 2-gauge-dashboard.mdx │ │ │ ├── 3-histogram.mdx │ │ │ ├── 4-summary.mdx │ │ │ ├── 5-indicator-naming-best-practices.mdx │ │ │ ├── 6-label-usage-policy.mdx │ │ │ ├── 7-grab-configuration-explained-in-detail.mdx │ │ │ ├── 8-static-target-configuration.mdx │ │ │ ├── 9-service-discovery-mechanism.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-prometheus-alarm-system │ │ │ ├── 0-prometheus-alarm-overview.mdx │ │ │ ├── 1-introduction-to-alertmanager.mdx │ │ │ ├── 10-receiver-configuration.mdx │ │ │ ├── 11-mail-alarm-configuration.mdx │ │ │ ├── 12-slack-alarm-configuration.mdx │ │ │ ├── 13-wechat-pin-alarm-configuration.mdx │ │ │ ├── 14-pagerduty-alarm-configuration.mdx │ │ │ ├── 2-alertmanager-installation.mdx │ │ │ ├── 3-alert-rule-configuration.mdx │ │ │ ├── 4-alert-expression-writing.mdx │ │ │ ├── 5-alarm-template-definition.mdx │ │ │ ├── 6-alarm-grouping-policy.mdx │ │ │ ├── 7-alarm-suppression-mechanism.mdx │ │ │ ├── 8-alarm-silence-settings.mdx │ │ │ ├── 9-alarm-routing-tree-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-prometheus-visualization │ │ │ ├── 0-prometheus-built-in-charts.mdx │ │ │ ├── 1-introduction-to-grafana.mdx │ │ │ ├── 10-time-series-visualization-tips.mdx │ │ │ ├── 11-visualization-of-thresholds-and-alarms.mdx │ │ │ ├── 12-multiple-data-source-integration.mdx │ │ │ ├── 13-visual-best-practices.mdx │ │ │ ├── 2-grafana-installation-configuration.mdx │ │ │ ├── 3-prometheus-data-source-configuration.mdx │ │ │ ├── 4-grafana-panel-creation.mdx │ │ │ ├── 5-grafana-variable-settings.mdx │ │ │ ├── 6-grafana-dashboard-import.mdx │ │ │ ├── 7-grafana-template-creation.mdx │ │ │ ├── 8-common-dashboard-templates.mdx │ │ │ ├── 9-custom-chart-creation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-prometheus-storage-and-performance │ │ │ ├── 0-prometheus-data-storage-mechanism.mdx │ │ │ ├── 1-local-storage-configuration.mdx │ │ │ ├── 10-resource-usage-monitoring.mdx │ │ │ ├── 11-query-performance-optimization.mdx │ │ │ ├── 12-storage-capacity-planning.mdx │ │ │ ├── 13-scale-strategy-vertically-and-horizontally.mdx │ │ │ ├── 2-remote-storage-integration.mdx │ │ │ ├── 3-storage-optimization-strategy.mdx │ │ │ ├── 4-data-retention-policy-configuration.mdx │ │ │ ├── 5-data-compression-settings.mdx │ │ │ ├── 6-high-availability-configurations.mdx │ │ │ ├── 7-prometheus-extensibility.mdx │ │ │ ├── 8-mass-deployment-considerations.mdx │ │ │ ├── 9-performance-tuning-parameters.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-prometheus-ecosystem │ │ │ ├── 0-prometheus-ecological-overview.mdx │ │ │ ├── 1-introduction-to-exporter.mdx │ │ │ ├── 10-cortex-solution.mdx │ │ │ ├── 11-prometheus-operator.mdx │ │ │ ├── 12-openmetrics-standards.mdx │ │ │ ├── 13-cncf-monitoring-ecology.mdx │ │ │ ├── 2-node-exporter-deployment.mdx │ │ │ ├── 3-mysql-exporter-configuration.mdx │ │ │ ├── 4-using-redis-exporter.mdx │ │ │ ├── 5-jmx-exporter-app.mdx │ │ │ ├── 6-custom-exporter-development.mdx │ │ │ ├── 7-introducing-pushgateway.mdx │ │ │ ├── 8-alertmanager-integration.mdx │ │ │ ├── 9-thanos-introduction-deployment.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-common-apps-monitoring │ │ │ ├── 0-host-monitoring-configuration.mdx │ │ │ ├── 1-container-monitoring-configuration.mdx │ │ │ ├── 10-distributed-tracking-integration.mdx │ │ │ ├── 11-application-performance-monitoring.mdx │ │ │ ├── 12-user-experience-monitoring.mdx │ │ │ ├── 13-business-metrics-monitoring.mdx │ │ │ ├── 2-kubernetes-monitoring.mdx │ │ │ ├── 3-database-monitoring-settings.mdx │ │ │ ├── 4-middleware-monitoring-configuration.mdx │ │ │ ├── 5-network-monitoring-implementation.mdx │ │ │ ├── 6-web-service-monitoring.mdx │ │ │ ├── 7-microservice-monitoring-policy.mdx │ │ │ ├── 8-api-monitoring-configuration.mdx │ │ │ ├── 9-logging-combined-with-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-prometheus-service-discovery │ │ │ ├── 0-service-discovery-concepts.mdx │ │ │ ├── 1-static-configuration-service-discovery.mdx │ │ │ ├── 10-service-autodiscover.mdx │ │ │ ├── 11-service-discovery-debugging-tips.mdx │ │ │ ├── 12-multi-cluster-service-discovery.mdx │ │ │ ├── 13-custom-service-discovery.mdx │ │ │ ├── 2-file-service-discovery.mdx │ │ │ ├── 3-kubernetes-service-discovery.mdx │ │ │ ├── 4-consul-service-discovery.mdx │ │ │ ├── 5-dns-service-discovery.mdx │ │ │ ├── 6-ec2-service-discovery.mdx │ │ │ ├── 7-azure-service-discovery.mdx │ │ │ ├── 8-gce-service-discovery.mdx │ │ │ ├── 9-detailed-explanation-of-relabel-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-prometheus-custom-exporter │ │ │ ├── 0-exporter-development-foundation.mdx │ │ │ ├── 1-client-library-usage.mdx │ │ │ ├── 10-exporter-best-practices.mdx │ │ │ ├── 11-performance-and-resource-considerations.mdx │ │ │ ├── 12-exporter-test-method.mdx │ │ │ ├── 13-exporter-deployment-policy.mdx │ │ │ ├── 2-go-client-library-explained-in-detail.mdx │ │ │ ├── 3-python-client-library-application.mdx │ │ │ ├── 4-java-client-library-implementation.mdx │ │ │ ├── 5-custom-metric-creation.mdx │ │ │ ├── 6-collector-implementation.mdx │ │ │ ├── 7-exporter-http-service.mdx │ │ │ ├── 8-tag-management.mdx │ │ │ ├── 9-metric-naming-convention.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── skywalking │ │ ├── 0-skywalking-basics │ │ │ ├── 0-skywalking-introduction.mdx │ │ │ ├── 1-skywalking-architecture-overview.mdx │ │ │ ├── 10-skywalking-version-selection-guide.mdx │ │ │ ├── 11-skywalking-usage-scenarios.mdx │ │ │ ├── 12-skywalking-advantages-and-features.mdx │ │ │ ├── 13-skywalking-basic-workflow.mdx │ │ │ ├── 2-skywalking-core-concepts.mdx │ │ │ ├── 3-skywalking-development-history.mdx │ │ │ ├── 4-comparison-of-skywalking-with-other-apm-tools.mdx │ │ │ ├── 5-skywalking-environment-requirements.mdx │ │ │ ├── 6-programming-languages-supported-by-skywalking.mdx │ │ │ ├── 7-skywalking-naming-convention.mdx │ │ │ ├── 8-skywalking-glossary.mdx │ │ │ ├── 9-skywalking-community-resources.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-skywalking-installation-and-deployment │ │ │ ├── 0-preparation-before-installing-skywalking.mdx │ │ │ ├── 1-skywalking-system-requirements.mdx │ │ │ ├── 10-skywalking-installation-verification.mdx │ │ │ ├── 11-skywalking-upgrade-guide.mdx │ │ │ ├── 12-skywalking-common-deployment-issues.mdx │ │ │ ├── 13-skywalking-minimized-deployment-solution.mdx │ │ │ ├── 2-skywalking-binary-package-installation.mdx │ │ │ ├── 3-skywalking-source-code-compilation-and-installation.mdx │ │ │ ├── 4-skywalking-docker-deployment.mdx │ │ │ ├── 5-skywalking-kubernetes-deployment.mdx │ │ │ ├── 6-skywalking-cluster-deployment.mdx │ │ │ ├── 7-detailed-explanation-of-skywalking-configuration-file.mdx │ │ │ ├── 8-skywalking-backend-storage-configuration.mdx │ │ │ ├── 9-skywalking-ui-service-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-skywalking-performance-tuning │ │ │ ├── 0-skywalking-performance-overhead-analysis.mdx │ │ │ ├── 1-skywalking-agent-performance-optimization.mdx │ │ │ ├── 10-skywalking-data-aggregation-optimization.mdx │ │ │ ├── 11-skywalking-resource-usage-monitoring.mdx │ │ │ ├── 12-skywalking-performance-benchmark.mdx │ │ │ ├── 13-skywalking-tuning-case-analysis.mdx │ │ │ ├── 2-skywalking-backend-service-optimization.mdx │ │ │ ├── 3-skywalking-storage-performance-tuning.mdx │ │ │ ├── 4-skywalking-network-transmission-optimization.mdx │ │ │ ├── 5-skywalking-sampling-rate-adjustment-strategy.mdx │ │ │ ├── 6-optimize-skywalking-memory-usage.mdx │ │ │ ├── 7-skywalking-ui-performance-optimization.mdx │ │ │ ├── 8-skywalking-large-scale-deployment-optimization.mdx │ │ │ ├── 9-skywalking-query-performance-improvement.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-skywalking-best-practices │ │ │ ├── 0-skywalking-microservice-monitoring-best-practices.mdx │ │ │ ├── 1-skywalking-container-environment-monitoring-practice.mdx │ │ │ ├── 10-skywalking-monitoring-data-analysis-method.mdx │ │ │ ├── 11-skywalking-performance-tuning-case.mdx │ │ │ ├── 12-skywalking-safety-practice.mdx │ │ │ ├── 13-skywalking-high-availability-deployment-solution.mdx │ │ │ ├── 2-skywalking-cloud-native-application-monitoring.mdx │ │ │ ├── 3-skywalking-large-scale-deployment-practice.mdx │ │ │ ├── 4-skywalking-multi-language-application-monitoring.mdx │ │ │ ├── 5-skywalking-alarm-strategy-design.mdx │ │ │ ├── 6-skywalking-troubleshooting-methodology.mdx │ │ │ ├── 7-skywalking-data-visualization-best-practices.mdx │ │ │ ├── 8-skywalking-integration-with-devops.mdx │ │ │ ├── 9-skywalking-and-cicd-process-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-skywalking-operation-and-maintenance-management │ │ │ ├── 0-skywalking-daily-operation-and-maintenance-process.mdx │ │ │ ├── 1-skywalking-cluster-management.mdx │ │ │ ├── 10-skywalking-operation-and-maintenance-script-tool.mdx │ │ │ ├── 11-skywalking-automated-operation-and-maintenance.mdx │ │ │ ├── 12-skywalking-high-availability-guarantee.mdx │ │ │ ├── 13-skywalking-disaster-recovery-plan.mdx │ │ │ ├── 2-skywalking-log-management.mdx │ │ │ ├── 3-skywalking-backup-and-recovery-strategy.mdx │ │ │ ├── 4-skywalking-capacity-planning.mdx │ │ │ ├── 5-skywalking-monitoring-indicators.mdx │ │ │ ├── 6-skywalking-self-monitoring-configuration.mdx │ │ │ ├── 7-skywalking-version-upgrade-process.mdx │ │ │ ├── 8-skywalking-common-operation-and-maintenance-issues.mdx │ │ │ ├── 9-skywalking-troubleshooting-manual.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-skywalking-practical-case │ │ │ ├── 0-skywalking-e-commerce-platform-monitoring-case.mdx │ │ │ ├── 1-skywalking-financial-system-monitoring-practice.mdx │ │ │ ├── 10-skywalking-iot-application-monitoring.mdx │ │ │ ├── 11-skywalking-multi-data-center-monitoring.mdx │ │ │ ├── 12-skywalking-full-stack-monitoring-implementation.mdx │ │ │ ├── 13-skywalking-observability-platform-construction.mdx │ │ │ ├── 2-skywalking-microservice-architecture-monitoring.mdx │ │ │ ├── 3-skywalking-traditional-application-transformation-monitoring.mdx │ │ │ ├── 4-skywalking-hybrid-cloud-environment-monitoring.mdx │ │ │ ├── 5-skywalking-performance-bottleneck-analysis-practice.mdx │ │ │ ├── 6-skywalking-system-stability-improvement-case.mdx │ │ │ ├── 7-skywalking-alarm-optimization-practice.mdx │ │ │ ├── 8-skywalking-big-data-platform-monitoring.mdx │ │ │ ├── 9-skywalking-mobile-app-monitoring.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-skywalking-community-and-ecosystem │ │ │ ├── 0-skywalking-community-participation-guide.mdx │ │ │ ├── 1-skywalking-contribution-process.mdx │ │ │ ├── 10-skywalking-internationalization-support.mdx │ │ │ ├── 11-skywalking-business-support-options.mdx │ │ │ ├── 12-skywalking-training-resources.mdx │ │ │ ├── 13-skywalking-certification-program.mdx │ │ │ ├── 2-skywalking-problem-reporting-guide.mdx │ │ │ ├── 3-skywalking-documentation-contribution.mdx │ │ │ ├── 4-skywalking-code-review-specifications.mdx │ │ │ ├── 5-skywalking-version-release-process.mdx │ │ │ ├── 6-skywalking-community-activities.mdx │ │ │ ├── 7-skywalking-mailing-list-and-communication-channels.mdx │ │ │ ├── 8-skywalking-ecosystem-project-overview.mdx │ │ │ ├── 9-skywalking-and-apache-foundation.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-skywalking-agent │ │ │ ├── 0-skywalking-agent-overview.mdx │ │ │ ├── 1-skywalking-java-agent-installation.mdx │ │ │ ├── 10-skywalking-agent-plugin-mechanism.mdx │ │ │ ├── 11-skywalking-agent-filter-configuration.mdx │ │ │ ├── 12-skywalking-agent-sampling-strategy.mdx │ │ │ ├── 13-skywalking-agent-troubleshooting-guide.mdx │ │ │ ├── 2-skywalking-nodejs-agent-configuration.mdx │ │ │ ├── 3-use-of-skywalking-php-agent.mdx │ │ │ ├── 4-skywalking-net-agent-integration.mdx │ │ │ ├── 5-skywalking-python-agent-deployment.mdx │ │ │ ├── 6-skywalking-go-agent-practice.mdx │ │ │ ├── 7-detailed-explanation-of-skywalking-agent-configuration-file.mdx │ │ │ ├── 8-skywalking-agent-startup-parameters.mdx │ │ │ ├── 9-skywalking-agent-dynamic-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-skywalking-observability │ │ │ ├── 0-skywalking-observability-overview.mdx │ │ │ ├── 1-skywalking-distributed-tracing-implementation.mdx │ │ │ ├── 10-skywalking-dependency-analysis.mdx │ │ │ ├── 11-skywalking-database-access-monitoring.mdx │ │ │ ├── 12-skywalking-cache-service-monitoring.mdx │ │ │ ├── 13-skywalking-message-queue-monitoring.mdx │ │ │ ├── 2-skywalking-indicator-monitoring-basics.mdx │ │ │ ├── 3-skywalking-log-analysis-function.mdx │ │ │ ├── 4-skywalking-service-topology-diagram.mdx │ │ │ ├── 5-skywalking-service-instance-monitoring.mdx │ │ │ ├── 6-skywalking-endpoint-analysis.mdx │ │ │ ├── 7-skywalking-call-link-tracking.mdx │ │ │ ├── 8-skywalking-performance-analysis.mdx │ │ │ ├── 9-skywalking-alarm-indicators.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-skywalking-ui │ │ │ ├── 0-skywalking-ui-overview.mdx │ │ │ ├── 1-skywalking-ui-login-configuration.mdx │ │ │ ├── 10-skywalking-ui-data-query.mdx │ │ │ ├── 11-skywalking-ui-time-picker.mdx │ │ │ ├── 12-skywalking-ui-navigation-and-filtering.mdx │ │ │ ├── 13-skywalking-ui-faq.mdx │ │ │ ├── 2-skywalking-ui-dashboard.mdx │ │ │ ├── 3-skywalking-ui-topology-diagram.mdx │ │ │ ├── 4-skywalking-ui-tracking-view.mdx │ │ │ ├── 5-skywalking-ui-service-view.mdx │ │ │ ├── 6-skywalking-ui-instance-view.mdx │ │ │ ├── 7-skywalking-ui-endpoint-view.mdx │ │ │ ├── 8-skywalking-ui-alarm-view.mdx │ │ │ ├── 9-skywalking-ui-custom-dashboard.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-skywalking-warning-system │ │ │ ├── 0-overview-of-skywalking-warning-system.mdx │ │ │ ├── 1-skywalking-alarm-rule-configuration.mdx │ │ │ ├── 10-skywalking-slack-notification-integration.mdx │ │ │ ├── 11-skywalking-dingtalk-enterprise-wechat-notification.mdx │ │ │ ├── 12-skywalking-alarm-silent-period-configuration.mdx │ │ │ ├── 13-skywalking-alarm-history-query.mdx │ │ │ ├── 2-skywalking-alarm-indicator-definition.mdx │ │ │ ├── 3-skywalking-default-alarm-rules.mdx │ │ │ ├── 4-skywalking-custom-alarm-rules.mdx │ │ │ ├── 5-skywalking-alarm-duration-setting.mdx │ │ │ ├── 6-skywalking-alarm-level-management.mdx │ │ │ ├── 7-skywalking-alarm-notification-channel.mdx │ │ │ ├── 8-skywalking-webhook-configuration.mdx │ │ │ ├── 9-skywalking-email-notification-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-skywalking-backend-storage │ │ │ ├── 0-skywalking-storage-architecture.mdx │ │ │ ├── 1-skywalking-storage-selection-guide.mdx │ │ │ ├── 10-skywalking-storage-cluster-deployment.mdx │ │ │ ├── 11-skywalking-storage-high-availability-configuration.mdx │ │ │ ├── 12-skywalking-storage-backup-and-recovery.mdx │ │ │ ├── 13-skywalking-storage-migration-solution.mdx │ │ │ ├── 2-skywalking-elasticsearch-storage-configuration.mdx │ │ │ ├── 3-skywalking-mysql-storage-settings.mdx │ │ │ ├── 4-skywalking-tidb-storage-solution.mdx │ │ │ ├── 5-skywalking-h2-database-test.mdx │ │ │ ├── 6-skywalking-influxdb-configuration.mdx │ │ │ ├── 7-skywalking-data-retention-policy.mdx │ │ │ ├── 8-skywalking-storage-capacity-planning.mdx │ │ │ ├── 9-skywalking-storage-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-skywalking-advanced-configuration │ │ │ ├── 0-introduction-to-skywalking-configuration-center.mdx │ │ │ ├── 1-skywalking-dynamic-configuration-mechanism.mdx │ │ │ ├── 10-skywalking-memory-optimization.mdx │ │ │ ├── 11-skywalking-time-zone-settings.mdx │ │ │ ├── 12-skywalking-system-environment-variables.mdx │ │ │ ├── 13-skywalking-advanced-debugging-options.mdx │ │ │ ├── 2-skywalking-cluster-configuration.mdx │ │ │ ├── 3-skywalking-safety-settings.mdx │ │ │ ├── 4-skywalking-certification-authorization.mdx │ │ │ ├── 5-skywalking-tls-configuration.mdx │ │ │ ├── 6-skywalking-proxy-settings.mdx │ │ │ ├── 7-skywalking-sampling-rate-adjustment.mdx │ │ │ ├── 8-skywalking-cache-configuration.mdx │ │ │ ├── 9-skywalking-thread-pool-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-skywalking-plugin-development │ │ │ ├── 0-skywalking-plugin-system-overview.mdx │ │ │ ├── 1-skywalking-plugin-development-environment-construction.mdx │ │ │ ├── 10-skywalking-plugin-activation-mechanism.mdx │ │ │ ├── 11-skywalking-plugin-conflict-resolution.mdx │ │ │ ├── 12-best-practices-for-skywalking-plugin.mdx │ │ │ ├── 13-skywalking-plugin-contribution-guide.mdx │ │ │ ├── 2-skywalking-plugin-infrastructure.mdx │ │ │ ├── 3-skywalking-interceptor-development.mdx │ │ │ ├── 4-skywalking-cross-thread-tracking-implementation.mdx │ │ │ ├── 5-skywalking-custom-indicator-collection.mdx │ │ │ ├── 6-skywalking-context-propagation.mdx │ │ │ ├── 7-skywalking-plugin-test-method.mdx │ │ │ ├── 8-skywalking-plugin-packaging-and-deployment.mdx │ │ │ ├── 9-skywalking-custom-component-plugin.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-skywalking-protocol-and-integration │ │ │ ├── 0-skywalking-protocol-overview.mdx │ │ │ ├── 1-skywalking-grpc-protocol.mdx │ │ │ ├── 10-skywalking-integration-with-kubernetes.mdx │ │ │ ├── 11-skywalking-integrated-with-service-grid.mdx │ │ │ ├── 12-skywalking-integrated-with-log-system.mdx │ │ │ ├── 13-skywalking-external-system-data-import.mdx │ │ │ ├── 2-skywalking-http-protocol.mdx │ │ │ ├── 3-skywalking-kafka-protocol-integration.mdx │ │ │ ├── 4-skywalking-and-opentelemetry-integration.mdx │ │ │ ├── 5-skywalking-and-zipkin-integration.mdx │ │ │ ├── 6-skywalking-and-jaeger-integration.mdx │ │ │ ├── 7-skywalking-integrated-with-prometheus.mdx │ │ │ ├── 8-skywalking-and-grafana-integration.mdx │ │ │ ├── 9-skywalking-and-spring-cloud-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── zipkin │ │ ├── 0-zipkin-basics │ │ ├── 0-introduction-to-zipkin.mdx │ │ ├── 1-distributed-tracing-concepts.mdx │ │ ├── 10-zipkin-data-model.mdx │ │ ├── 11-zipkin-sampling-strategy.mdx │ │ ├── 12-zipkin-environment-configuration.mdx │ │ ├── 13-zipkin-faq.mdx │ │ ├── 2-zipkin-architecture.mdx │ │ ├── 3-zipkin-components.mdx │ │ ├── 4-zipkin-installation-and-deployment.mdx │ │ ├── 5-zipkin-interface-navigation.mdx │ │ ├── 6-zipkin-terminology-analysis.mdx │ │ ├── 7-zipkin-and-microservices.mdx │ │ ├── 8-zipkin-and-observability.mdx │ │ ├── 9-how-zipkin-works.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-zipkin-core-concepts │ │ ├── 0-basic-concepts-of-link-tracking.mdx │ │ ├── 1-the-relationship-between-trace-and-span.mdx │ │ ├── 10-link-topology.mdx │ │ ├── 11-tracking-data-collection-mode.mdx │ │ ├── 12-asynchronous-trace-processing.mdx │ │ ├── 13-tracking-data-visualization.mdx │ │ ├── 2-spanid-and-traceid.mdx │ │ ├── 3-father-son-span-relationship.mdx │ │ ├── 4-zipkin-tags-and-annotations.mdx │ │ ├── 5-timestamp-and-duration.mdx │ │ ├── 6-distributed-context-propagation.mdx │ │ ├── 7-sampling-decision-logic.mdx │ │ ├── 8-tracing-context-management.mdx │ │ ├── 9-service-dependency-graph.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-zipkin-advanced-features │ │ ├── 0-distributed-context-propagation.mdx │ │ ├── 1-b3-transmission-format.mdx │ │ ├── 10-tracking-data-desensitization.mdx │ │ ├── 11-tracking-data-compression.mdx │ │ ├── 12-custom-report-generation.mdx │ │ ├── 13-tracking-alert-settings.mdx │ │ ├── 2-w3c-trace-context.mdx │ │ ├── 3-custom-sampler-implementation.mdx │ │ ├── 4-tracking-id-generation-strategy.mdx │ │ ├── 5-tracking-decorator-development.mdx │ │ ├── 6-tracking-middleware-development.mdx │ │ ├── 7-asynchronous-trace-processing.mdx │ │ ├── 8-batch-processing-optimization.mdx │ │ ├── 9-tracking-data-filtering.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-zipkin-monitoring-and-alerting │ │ ├── 0-zipkin-health-monitoring.mdx │ │ ├── 1-prometheus-integration.mdx │ │ ├── 10-alarm-notification-channel.mdx │ │ ├── 11-alarm-noise-reduction-strategy.mdx │ │ ├── 12-monitoring-data-aggregation.mdx │ │ ├── 13-monitoring-system-integration.mdx │ │ ├── 2-grafana-dashboard.mdx │ │ ├── 3-key-indicator-definitions.mdx │ │ ├── 4-service-level-objective-slo-monitoring.mdx │ │ ├── 5-performance-baseline-setting.mdx │ │ ├── 6-anomaly-detection-strategy.mdx │ │ ├── 7-delay-threshold-alarm.mdx │ │ ├── 8-error-rate-alarm.mdx │ │ ├── 9-system-load-alarm.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-zipkin-best-practices │ │ ├── 0-sampling-strategy-best-practices.mdx │ │ ├── 1-label-and-annotation-usage-guidelines.mdx │ │ ├── 10-maintenance-window-management.mdx │ │ ├── 11-backup-and-recovery-strategy.mdx │ │ ├── 12-production-environment-checklist.mdx │ │ ├── 13-common-pitfalls-and-solutions.mdx │ │ ├── 2-performance-optimization-suggestions.mdx │ │ ├── 3-high-traffic-environment-configuration.mdx │ │ ├── 4-large-scale-deployment-architecture.mdx │ │ ├── 5-multi-region-deployment-strategy.mdx │ │ ├── 6-security-best-practices.mdx │ │ ├── 7-fault-recovery-process.mdx │ │ ├── 8-capacity-planning-guide.mdx │ │ ├── 9-upgrade-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-zipkin-and-other-observability-tools │ │ ├── 0-zipkin-integration-with-logging-system.mdx │ │ ├── 1-zipkin-and-indicator-system-integration.mdx │ │ ├── 10-alarm-system-integration.mdx │ │ ├── 11-root-cause-analysis-enhancements.mdx │ │ ├── 12-observability-data-lake.mdx │ │ ├── 13-hybrid-monitoring-strategy.mdx │ │ ├── 2-elk-stack-integration.mdx │ │ ├── 3-prometheus-and-grafana-integration.mdx │ │ ├── 4-jaeger-comparison-and-interoperability.mdx │ │ ├── 5-skywalking-comparison-and-interoperability.mdx │ │ ├── 6-distributed-log-correlation.mdx │ │ ├── 7-full-stack-monitoring-solution.mdx │ │ ├── 8-observability-platform-construction.mdx │ │ ├── 9-apm-tool-integration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-zipkin-application-scenarios │ │ ├── 0-microservice-architecture-tracking.mdx │ │ ├── 1-monolithic-application-tracking.mdx │ │ ├── 10-cloud-native-application-tracing.mdx │ │ ├── 11-hybrid-cloud-environment-tracking.mdx │ │ ├── 12-containerized-environment-tracking.mdx │ │ ├── 13-serverless-architecture-tracker.mdx │ │ ├── 2-api-gateway-tracking.mdx │ │ ├── 3-message-queue-tracing.mdx │ │ ├── 4-database-call-tracing.mdx │ │ ├── 5-third-party-service-tracking.mdx │ │ ├── 6-front-end-and-back-end-integrated-tracking.mdx │ │ ├── 7-mobile-app-tracking.mdx │ │ ├── 8-batch-system-tracing.mdx │ │ ├── 9-event-driven-architecture-tracing.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-zipkin-performance-optimization │ │ ├── 0-client-performance-optimization.mdx │ │ ├── 1-collector-performance-optimization.mdx │ │ ├── 10-index-optimization.mdx │ │ ├── 11-caching-strategy.mdx │ │ ├── 12-asynchronous-processing-optimization.mdx │ │ ├── 13-performance-testing-and-benchmarks.mdx │ │ ├── 2-storage-performance-optimization.mdx │ │ ├── 3-query-performance-optimization.mdx │ │ ├── 4-optimizing-memory-usage.mdx │ │ ├── 5-cpu-usage-optimization.mdx │ │ ├── 6-network-bandwidth-optimization.mdx │ │ ├── 7-batch-strategy-optimization.mdx │ │ ├── 8-sampling-rate-tuning.mdx │ │ ├── 9-data-compression-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-zipkin-troubleshooting │ │ ├── 0-common-problem-diagnosis.mdx │ │ ├── 1-server-troubleshooting.mdx │ │ ├── 10-version-compatibility-issues.mdx │ │ ├── 11-resource-shortage-analysis.mdx │ │ ├── 12-log-analysis-tips.mdx │ │ ├── 13-failure-recovery-steps.mdx │ │ ├── 2-client-troubleshooting.mdx │ │ ├── 3-collector-troubleshooting.mdx │ │ ├── 4-storage-troubleshooting.mdx │ │ ├── 5-data-loss-issues.mdx │ │ ├── 6-degradation-diagnosis.mdx │ │ ├── 7-troubleshooting-high-latency-issues.mdx │ │ ├── 8-connection-problem-analysis.mdx │ │ ├── 9-configuration-error-checking.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-zipkin-security │ │ ├── 0-security-deployment-considerations.mdx │ │ ├── 1-authentication-configuration.mdx │ │ ├── 10-network-isolation-strategy.mdx │ │ ├── 11-security-baseline.mdx │ │ ├── 12-security-compliance.mdx │ │ ├── 13-security-best-practices.mdx │ │ ├── 2-authorization-management.mdx │ │ ├── 3-data-encryption-strategy.mdx │ │ ├── 4-tlsssl-configuration.mdx │ │ ├── 5-access-control-list.mdx │ │ ├── 6-sensitive-data-handling.mdx │ │ ├── 7-security-audit.mdx │ │ ├── 8-vulnerability-management.mdx │ │ ├── 9-security-update-policy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-zipkin-installation-and-configuration │ │ ├── 0-zipkin-server-installation.mdx │ │ ├── 1-docker-deployment-zipkin.mdx │ │ ├── 10-security-configuration.mdx │ │ ├── 11-high-availability-setup.mdx │ │ ├── 12-performance-tuning.mdx │ │ ├── 13-environment-variable-configuration.mdx │ │ ├── 2-kubernetes-deploys-zipkin.mdx │ │ ├── 3-zipkin-configuration-parameters.mdx │ │ ├── 4-storage-backend-configuration.mdx │ │ ├── 5-memory-storage-settings.mdx │ │ ├── 6-mysql-storage-settings.mdx │ │ ├── 7-elasticsearch-storage-settings.mdx │ │ ├── 8-cassandra-storage-settings.mdx │ │ ├── 9-sampling-rate-configuration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-zipkin-client-integration │ │ ├── 0-java-client-integration.mdx │ │ ├── 1-spring-boot-integration.mdx │ │ ├── 10-custom-client-development.mdx │ │ ├── 11-client-sampling-control.mdx │ │ ├── 12-client-configuration-parameters.mdx │ │ ├── 13-multi-language-environment-integration.mdx │ │ ├── 2-spring-cloud-sleuth-integration.mdx │ │ ├── 3-python-client-integration.mdx │ │ ├── 4-go-client-integration.mdx │ │ ├── 5-nodejs-client-integration.mdx │ │ ├── 6-ruby-client-integration.mdx │ │ ├── 7-php-client-integration.mdx │ │ ├── 8-net-client-integration.mdx │ │ ├── 9-cpp-client-integration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-zipkin-data-collection │ │ ├── 0-http-collector-configuration.mdx │ │ ├── 1-kafka-collector-configuration.mdx │ │ ├── 10-collector-load-balancing.mdx │ │ ├── 11-collector-high-availability.mdx │ │ ├── 12-collector-monitoring-metrics.mdx │ │ ├── 13-data-collection-best-practices.mdx │ │ ├── 2-rabbitmq-collector-configuration.mdx │ │ ├── 3-grpc-collector-configuration.mdx │ │ ├── 4-scribe-collector-configuration.mdx │ │ ├── 5-custom-collector-development.mdx │ │ ├── 6-collector-performance-optimization.mdx │ │ ├── 7-data-collection-error-handling.mdx │ │ ├── 8-data-buffer-management.mdx │ │ ├── 9-batch-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-zipkin-data-storage │ │ ├── 0-memory-storage-adapter.mdx │ │ ├── 1-mysql-storage-adapter.mdx │ │ ├── 10-storage-performance-tuning.mdx │ │ ├── 11-multiple-storage-backend-configuration.mdx │ │ ├── 12-storage-migration-strategy.mdx │ │ ├── 13-storage-monitoring-metrics.mdx │ │ ├── 2-elasticsearch-storage-adapter.mdx │ │ ├── 3-cassandra-storage-adapter.mdx │ │ ├── 4-storage-mode-and-table-structure.mdx │ │ ├── 5-index-optimization.mdx │ │ ├── 6-data-compression-strategy.mdx │ │ ├── 7-data-retention-policy.mdx │ │ ├── 8-storage-capacity-planning.mdx │ │ ├── 9-storage-backup-and-recovery.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-zipkin-data-query-and-analysis │ │ ├── 0-basic-query-operations.mdx │ │ ├── 1-advanced-query-syntax.mdx │ │ ├── 10-tracking-data-export.mdx │ │ ├── 11-batch-query-processing.mdx │ │ ├── 12-query-optimization-tips.mdx │ │ ├── 13-data-analysis-best-practices.mdx │ │ ├── 2-service-dependency-analysis.mdx │ │ ├── 3-call-latency-analysis.mdx │ │ ├── 4-error-tracking-analysis.mdx │ │ ├── 5-identifying-performance-bottlenecks.mdx │ │ ├── 6-critical-path-analysis.mdx │ │ ├── 7-time-series-analysis.mdx │ │ ├── 8-service-health-status-analysis.mdx │ │ ├── 9-customize-analysis-views.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-use-of-zipkin-ui │ │ ├── 0-ui-main-functions.mdx │ │ ├── 1-tracking-query-interface.mdx │ │ ├── 10-dark-mode-configuration.mdx │ │ ├── 11-search-tips.mdx │ │ ├── 12-faq.mdx │ │ ├── 13-ui-extension-function.mdx │ │ ├── 2-tracking-details-view.mdx │ │ ├── 3-service-dependency-graph-analysis.mdx │ │ ├── 4-timeline-view.mdx │ │ ├── 5-tags-and-annotations-view.mdx │ │ ├── 6-filter-and-sort-functions.mdx │ │ ├── 7-customize-view-settings.mdx │ │ ├── 8-ui-performance-optimization.mdx │ │ ├── 9-responsive-design.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-zipkin-and-opentracing │ │ ├── 0-introduction-to-opentracing-standards.mdx │ │ ├── 1-zipkin-and-opentracing-integration.mdx │ │ ├── 10-multi-tracking-system-compatible.mdx │ │ ├── 11-migrate-to-opentracing.mdx │ │ ├── 12-opentracing-best-practices.mdx │ │ ├── 13-opentracing-faq.mdx │ │ ├── 2-opentracing-api-usage.mdx │ │ ├── 3-tracer-instantiation.mdx │ │ ├── 4-span-creation-and-management.mdx │ │ ├── 5-spancontext-propagation.mdx │ │ ├── 6-global-tracer-configuration.mdx │ │ ├── 7-opentracing-tag-specification.mdx │ │ ├── 8-opentracing-log-specification.mdx │ │ ├── 9-framework-integration-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-zipkin-and-opentelemetry │ │ ├── 0-introduction-to-opentelemetry.mdx │ │ ├── 1-zipkin-and-opentelemetry-integration.mdx │ │ ├── 10-opentelemetry-expansion-capabilities.mdx │ │ ├── 11-opentelemetry-indicator-collection.mdx │ │ ├── 12-log-and-trace-association.mdx │ │ ├── 13-opentelemetry-best-practices.mdx │ │ ├── 2-opentelemetry-api-usage.mdx │ │ ├── 3-opentelemetry-sdk-configuration.mdx │ │ ├── 4-automatic-detection-vs-manual-detection.mdx │ │ ├── 5-context-propagation-implementation.mdx │ │ ├── 6-opentelemetry-sampling-strategy.mdx │ │ ├── 7-opentelemetry-exporter-configuration.mdx │ │ ├── 8-zipkin-exporter-settings.mdx │ │ ├── 9-migrate-to-opentelemetry.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── os │ ├── centos │ │ ├── 0-centos-basics │ │ │ ├── 0-introduction-to-centos.mdx │ │ │ ├── 1-centos-historical-evolution.mdx │ │ │ ├── 10-centos-help-system.mdx │ │ │ ├── 11-centos-shutdown-restart.mdx │ │ │ ├── 12-centos-system-requirements.mdx │ │ │ ├── 13-the-difference-between-centos-and-other-linux.mdx │ │ │ ├── 2-centos-version-features.mdx │ │ │ ├── 3-centos-installation-preparation.mdx │ │ │ ├── 4-centos-installation-steps.mdx │ │ │ ├── 5-centos-partition-scheme.mdx │ │ │ ├── 6-centos-boot-process.mdx │ │ │ ├── 7-centos-first-login.mdx │ │ │ ├── 8-centos-desktop-environment.mdx │ │ │ ├── 9-centos-terminal-usage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-centos-file-system │ │ │ ├── 0-centos-file-system-overview.mdx │ │ │ ├── 1-centos-directory-structure.mdx │ │ │ ├── 10-centos-file-system-mount.mdx │ │ │ ├── 11-centos-disk-management.mdx │ │ │ ├── 12-centos-quota-management.mdx │ │ │ ├── 13-centos-file-system-backup.mdx │ │ │ ├── 2-centos-file-type.mdx │ │ │ ├── 3-centos-file-permissions.mdx │ │ │ ├── 4-centos-file-ownership.mdx │ │ │ ├── 5-centos-file-operation-commands.mdx │ │ │ ├── 6-centos-path-representation.mdx │ │ │ ├── 7-centos-link-file.mdx │ │ │ ├── 8-centos-file-search.mdx │ │ │ ├── 9-centos-file-content-view.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-centos-security-hardening │ │ │ ├── 0-centos-security-overview.mdx │ │ │ ├── 1-centos-account-security.mdx │ │ │ ├── 10-centos-security-baseline.mdx │ │ │ ├── 11-centos-encryption-technology.mdx │ │ │ ├── 12-centos-security-audit.mdx │ │ │ ├── 13-centos-security-emergency-response.mdx │ │ │ ├── 2-centos-firewall-configuration.mdx │ │ │ ├── 3-centos-selinux-configuration.mdx │ │ │ ├── 4-centos-service-security.mdx │ │ │ ├── 5-centos-file-permissions-hardening.mdx │ │ │ ├── 6-centos-ssh-security-settings.mdx │ │ │ ├── 7-centos-system-update.mdx │ │ │ ├── 8-centos-intrusion-detection.mdx │ │ │ ├── 9-centos-security-scan.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-centos-virtualization-technology │ │ │ ├── 0-centos-virtualization-overview.mdx │ │ │ ├── 1-centos-kvm-management.mdx │ │ │ ├── 10-centos-container-network.mdx │ │ │ ├── 11-centos-container-storage.mdx │ │ │ ├── 12-centos-virtualization-performance-optimization.mdx │ │ │ ├── 13-centos-virtualization-security.mdx │ │ │ ├── 2-centos-virtual-machine-creation.mdx │ │ │ ├── 3-centos-virtual-network-configuration.mdx │ │ │ ├── 4-centos-virtual-storage-management.mdx │ │ │ ├── 5-centos-virtual-machine-snapshot.mdx │ │ │ ├── 6-centos-virtual-machine-migration.mdx │ │ │ ├── 7-centos-container-technology.mdx │ │ │ ├── 8-centos-docker-installation.mdx │ │ │ ├── 9-centos-container-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-centos-high-availability-cluster │ │ │ ├── 0-centos-cluster-overview.mdx │ │ │ ├── 1-centos-high-availability-principle.mdx │ │ │ ├── 10-centos-cluster-upgrade.mdx │ │ │ ├── 11-centos-cluster-troubleshooting.mdx │ │ │ ├── 12-best-practices-for-centos-cluster.mdx │ │ │ ├── 13-centos-cluster-case-analysis.mdx │ │ │ ├── 2-centos-pacemaker-configuration.mdx │ │ │ ├── 3-centos-corosync-configuration.mdx │ │ │ ├── 4-centos-resource-management.mdx │ │ │ ├── 5-centos-failover.mdx │ │ │ ├── 6-centos-load-balancing.mdx │ │ │ ├── 7-centos-cluster-storage.mdx │ │ │ ├── 8-centos-cluster-monitoring.mdx │ │ │ ├── 9-centos-cluster-maintenance.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-centos-database-service │ │ │ ├── 0-centos-database-overview.mdx │ │ │ ├── 1-centos-mysql-installation.mdx │ │ │ ├── 10-centos-database-performance-optimization.mdx │ │ │ ├── 11-centos-database-security-settings.mdx │ │ │ ├── 12-centos-database-monitoring.mdx │ │ │ ├── 13-centos-database-high-availability.mdx │ │ │ ├── 2-centos-mysql-configuration.mdx │ │ │ ├── 3-centos-mysql-management.mdx │ │ │ ├── 4-centos-mysql-backup-and-recovery.mdx │ │ │ ├── 5-centos-postgresql-installation.mdx │ │ │ ├── 6-centos-postgresql-configuration.mdx │ │ │ ├── 7-centos-postgresql-management.mdx │ │ │ ├── 8-centos-postgresql-backup-and-recovery.mdx │ │ │ ├── 9-centos-mariadb-installation-and-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-centos-web-service │ │ │ ├── 0-centos-web-service-overview.mdx │ │ │ ├── 1-centos-apache-installation.mdx │ │ │ ├── 10-centos-web-security-hardening.mdx │ │ │ ├── 11-centos-web-access-control.mdx │ │ │ ├── 12-centos-web-log-analysis.mdx │ │ │ ├── 13-centos-web-service-monitoring.mdx │ │ │ ├── 2-centos-apache-configuration.mdx │ │ │ ├── 3-centos-apache-virtual-host.mdx │ │ │ ├── 4-centos-nginx-installation.mdx │ │ │ ├── 5-centos-nginx-configuration.mdx │ │ │ ├── 6-centos-nginx-load-balancing.mdx │ │ │ ├── 7-centos-reverse-proxy-settings.mdx │ │ │ ├── 8-centos-ssl-certificate-configuration.mdx │ │ │ ├── 9-centos-web-performance-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 15-centos-performance-optimization │ │ │ ├── 0-centos-performance-basics.mdx │ │ │ ├── 1-centos-performance-evaluation-method.mdx │ │ │ ├── 10-centos-performance-benchmark.mdx │ │ │ ├── 11-centos-performance-monitoring-tool.mdx │ │ │ ├── 12-centos-performance-problem-diagnosis.mdx │ │ │ ├── 13-best-practices-for-centos-optimization.mdx │ │ │ ├── 2-centos-cpu-optimization.mdx │ │ │ ├── 3-centos-memory-optimization.mdx │ │ │ ├── 4-centos-disk-io-optimization.mdx │ │ │ ├── 5-centos-network-performance-optimization.mdx │ │ │ ├── 6-centos-kernel-parameter-tuning.mdx │ │ │ ├── 7-centos-service-optimization.mdx │ │ │ ├── 8-centos-startup-optimization.mdx │ │ │ ├── 9-centos-scheduling-optimization.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 16-centos-troubleshooting │ │ │ ├── 0-centos-fault-classification.mdx │ │ │ ├── 1-centos-startup-problem.mdx │ │ │ ├── 10-centos-fault-location-tool.mdx │ │ │ ├── 11-centos-common-error-solutions.mdx │ │ │ ├── 12-centos-system-repair.mdx │ │ │ ├── 13-centos-backup-and-recovery-strategy.mdx │ │ │ ├── 2-centos-network-failure.mdx │ │ │ ├── 3-centos-storage-failure.mdx │ │ │ ├── 4-centos-service-failure.mdx │ │ │ ├── 5-centos-resource-exhaustion.mdx │ │ │ ├── 6-centos-log-analysis.mdx │ │ │ ├── 7-centos-system-recovery.mdx │ │ │ ├── 8-centos-emergency-mode.mdx │ │ │ ├── 9-centos-single-user-mode.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 17-centos-automated-operation-and-maintenance │ │ │ ├── 0-centos-automation-overview.mdx │ │ │ ├── 1-getting-started-with-centos-ansible.mdx │ │ │ ├── 10-centos-automated-monitoring.mdx │ │ │ ├── 11-centos-continuous-integration.mdx │ │ │ ├── 12-centos-continuous-delivery.mdx │ │ │ ├── 13-centos-automation-best-practices.mdx │ │ │ ├── 2-centos-ansible-configuration.mdx │ │ │ ├── 3-centos-ansible-script.mdx │ │ │ ├── 4-centos-ansible-role.mdx │ │ │ ├── 5-centos-puppet-basics.mdx │ │ │ ├── 6-centos-saltstack-usage.mdx │ │ │ ├── 7-centos-automated-deployment.mdx │ │ │ ├── 8-centos-automatic-configuration.mdx │ │ │ ├── 9-centos-automated-testing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 18-centos-cloud-platform-integration │ │ │ ├── 0-centos-cloud-computing-overview.mdx │ │ │ ├── 1-centos-public-cloud-deployment.mdx │ │ │ ├── 10-centos-cloud-migration-technology.mdx │ │ │ ├── 11-centos-cloud-native-applications.mdx │ │ │ ├── 12-centos-cloud-resource-optimization.mdx │ │ │ ├── 13-centos-cloud-platform-case.mdx │ │ │ ├── 2-centos-private-cloud-construction.mdx │ │ │ ├── 3-centos-hybrid-cloud-strategy.mdx │ │ │ ├── 4-centos-cloud-host-management.mdx │ │ │ ├── 5-centos-cloud-storage-connection.mdx │ │ │ ├── 6-centos-cloud-network-configuration.mdx │ │ │ ├── 7-centos-cloud-security-strategy.mdx │ │ │ ├── 8-centos-cloud-monitoring-solution.mdx │ │ │ ├── 9-centos-cloud-backup-and-recovery.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-centos-command-line-basics │ │ │ ├── 0-centos-command-structure.mdx │ │ │ ├── 1-centos-command-parameters.mdx │ │ │ ├── 10-centos-standard-input-and-output.mdx │ │ │ ├── 11-centos-command-combination.mdx │ │ │ ├── 12-centos-command-execution-control.mdx │ │ │ ├── 13-centos-command-scripting.mdx │ │ │ ├── 2-centos-shell-types.mdx │ │ │ ├── 3-centos-environment-variables.mdx │ │ │ ├── 4-centos-command-history.mdx │ │ │ ├── 5-centos-command-completion.mdx │ │ │ ├── 6-centos-pipe-and-redirection.mdx │ │ │ ├── 7-centos-wildcard.mdx │ │ │ ├── 8-centos-alias-settings.mdx │ │ │ ├── 9-centos-shortcut-keys.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-centos-user-management │ │ │ ├── 0-centos-user-concept.mdx │ │ │ ├── 1-centos-user-add.mdx │ │ │ ├── 10-centos-user-management-commands.mdx │ │ │ ├── 11-centos-access-control-list.mdx │ │ │ ├── 12-centos-user-quota.mdx │ │ │ ├── 13-centos-user-monitoring.mdx │ │ │ ├── 2-centos-user-deletion.mdx │ │ │ ├── 3-centos-user-modification.mdx │ │ │ ├── 4-centos-user-password-management.mdx │ │ │ ├── 5-centos-user-group-management.mdx │ │ │ ├── 6-centos-user-permission-settings.mdx │ │ │ ├── 7-centos-special-users.mdx │ │ │ ├── 8-centos-user-environment-configuration.mdx │ │ │ ├── 9-centos-user-switching.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-centos-package-management │ │ │ ├── 0-centos-software-package-overview.mdx │ │ │ ├── 1-centos-rpm-package-management.mdx │ │ │ ├── 10-centos-source-code-compilation-and-installation.mdx │ │ │ ├── 11-centos-third-party-warehouse.mdx │ │ │ ├── 12-centos-package-signature-verification.mdx │ │ │ ├── 13-centos-package-cache-management.mdx │ │ │ ├── 2-centos-yum-manager.mdx │ │ │ ├── 3-centos-software-warehouse-configuration.mdx │ │ │ ├── 4-centos-package-installation.mdx │ │ │ ├── 5-centos-package-upgrade.mdx │ │ │ ├── 6-centos-package-uninstall.mdx │ │ │ ├── 7-centos-software-package-query.mdx │ │ │ ├── 8-centos-dependency-management.mdx │ │ │ ├── 9-centos-software-group-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-centos-system-services │ │ │ ├── 0-centos-service-concept.mdx │ │ │ ├── 1-centos-service-management-tool.mdx │ │ │ ├── 10-centos-service-troubleshooting.mdx │ │ │ ├── 11-centos-service-resource-control.mdx │ │ │ ├── 12-centos-service-monitoring.mdx │ │ │ ├── 13-centos-service-backup.mdx │ │ │ ├── 2-centos-service-start-stop.mdx │ │ │ ├── 3-centos-service-status-check.mdx │ │ │ ├── 4-centos-service-configuration-modification.mdx │ │ │ ├── 5-centos-service-auto-start-settings.mdx │ │ │ ├── 6-centos-service-dependency-management.mdx │ │ │ ├── 7-centos-system-service-list.mdx │ │ │ ├── 8-centos-service-log-view.mdx │ │ │ ├── 9-centos-service-security-settings.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-centos-network-configuration │ │ │ ├── 0-centos-network-basics.mdx │ │ │ ├── 1-centos-network-card-configuration.mdx │ │ │ ├── 10-centos-network-troubleshooting.mdx │ │ │ ├── 11-centos-network-security-hardening.mdx │ │ │ ├── 12-centos-network-performance-optimization.mdx │ │ │ ├── 13-centos-virtual-network-configuration.mdx │ │ │ ├── 2-centos-ip-address-setting.mdx │ │ │ ├── 3-centos-routing-table-management.mdx │ │ │ ├── 4-centos-dns-configuration.mdx │ │ │ ├── 5-centos-hostname-settings.mdx │ │ │ ├── 6-centos-firewall-configuration.mdx │ │ │ ├── 7-centos-network-service-management.mdx │ │ │ ├── 8-centos-remote-connection.mdx │ │ │ ├── 9-centos-network-monitoring-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-centos-storage-management │ │ │ ├── 0-centos-storage-device-identification.mdx │ │ │ ├── 1-use-centos-partition-tool.mdx │ │ │ ├── 10-centos-storage-performance-monitoring.mdx │ │ │ ├── 11-centos-storage-failure-recovery.mdx │ │ │ ├── 12-centos-backup-strategy.mdx │ │ │ ├── 13-centos-storage-encryption.mdx │ │ │ ├── 2-centos-logical-volume-management.mdx │ │ │ ├── 3-centos-raid-configuration.mdx │ │ │ ├── 4-centos-storage-expansion.mdx │ │ │ ├── 5-centos-disk-quota.mdx │ │ │ ├── 6-centos-storage-mount.mdx │ │ │ ├── 7-centos-nfs-configuration.mdx │ │ │ ├── 8-centos-samba-share.mdx │ │ │ ├── 9-centos-iscsi-storage.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-centos-shell-script │ │ │ ├── 0-centos-script-basics.mdx │ │ │ ├── 1-centos-script-execution-method.mdx │ │ │ ├── 10-centos-debugging-tips.mdx │ │ │ ├── 11-centos-script-scheduling.mdx │ │ │ ├── 12-centos-script-security.mdx │ │ │ ├── 13-centos-practical-script-example.mdx │ │ │ ├── 2-centos-variable-usage.mdx │ │ │ ├── 3-centos-conditional-judgment.mdx │ │ │ ├── 4-centos-loop-structure.mdx │ │ │ ├── 5-centos-function-definition.mdx │ │ │ ├── 6-centos-parameter-passing.mdx │ │ │ ├── 7-centos-string-processing.mdx │ │ │ ├── 8-centos-array-operations.mdx │ │ │ ├── 9-centos-file-processing.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-centos-system-monitoring │ │ │ ├── 0-centos-monitoring-overview.mdx │ │ │ ├── 1-centos-process-monitoring.mdx │ │ │ ├── 10-comparison-of-centos-monitoring-tools.mdx │ │ │ ├── 11-centos-monitoring-data-visualization.mdx │ │ │ ├── 12-centos-remote-monitoring.mdx │ │ │ ├── 13-centos-monitoring-best-practices.mdx │ │ │ ├── 2-centos-resource-usage-monitoring.mdx │ │ │ ├── 3-centos-log-system.mdx │ │ │ ├── 4-centos-performance-analysis-tool.mdx │ │ │ ├── 5-centos-network-monitoring.mdx │ │ │ ├── 6-centos-disk-monitoring.mdx │ │ │ ├── 7-centos-service-monitoring.mdx │ │ │ ├── 8-centos-monitoring-alarm-settings.mdx │ │ │ ├── 9-centos-system-audit.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ ├── debian │ │ ├── 0-debian-based │ │ │ ├── 0-debian-introduction.mdx │ │ │ ├── 1-debian-history.mdx │ │ │ ├── 10-debian-desktop-environment.mdx │ │ │ ├── 11-debian-basic-commands.mdx │ │ │ ├── 12-debian-help-system.mdx │ │ │ ├── 13-basic-usage-of-debian-terminal.mdx │ │ │ ├── 2-debian-distribution-type.mdx │ │ │ ├── 3-debian-version-naming-convention.mdx │ │ │ ├── 4-debian-community-structure.mdx │ │ │ ├── 5-debian-philosophy.mdx │ │ │ ├── 6-debian-vs-other-linux-distributions.mdx │ │ │ ├── 7-preparation-before-debian-installation.mdx │ │ │ ├── 8-debian-installation-method.mdx │ │ │ ├── 9-debian-post-installation-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 1-debian-system-management │ │ │ ├── 0-debian-user-management.mdx │ │ │ ├── 1-debian-user-permissions.mdx │ │ │ ├── 10-debian-backup-recovery.mdx │ │ │ ├── 11-debian-remote-management.mdx │ │ │ ├── 12-debian-performance-optimization.mdx │ │ │ ├── 13-debian-system-update-and-maintenance.mdx │ │ │ ├── 2-debian-group-management.mdx │ │ │ ├── 3-debian-file-permissions.mdx │ │ │ ├── 4-debian-system-startup-process.mdx │ │ │ ├── 5-debian-system-services.mdx │ │ │ ├── 6-debian-system-monitoring.mdx │ │ │ ├── 7-debian-process-management.mdx │ │ │ ├── 8-debian-task-scheduling.mdx │ │ │ ├── 9-debian-log-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 10-debian-system-customization │ │ │ ├── 0-debian-customization-overview.mdx │ │ │ ├── 1-debian-installer-customization.mdx │ │ │ ├── 10-debian-embedded-applications.mdx │ │ │ ├── 11-debian-special-hardware-support.mdx │ │ │ ├── 12-debian-automatic-installation.mdx │ │ │ ├── 13-debian-system-clone.mdx │ │ │ ├── 2-debian-live-system-production.mdx │ │ │ ├── 3-debian-default-configuration.mdx │ │ │ ├── 4-debian-desktop-customization.mdx │ │ │ ├── 5-debian-theme-customization.mdx │ │ │ ├── 6-debian-kernel-compilation.mdx │ │ │ ├── 7-debian-module-development.mdx │ │ │ ├── 8-debian-boot-parameter-adjustment.mdx │ │ │ ├── 9-debian-system-simplified.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 11-debian-advanced-management │ │ │ ├── 0-debian-cluster-management.mdx │ │ │ ├── 1-debian-high-availability-configuration.mdx │ │ │ ├── 10-debian-troubleshooting.mdx │ │ │ ├── 11-debian-disaster-recovery.mdx │ │ │ ├── 12-debian-upgrade-strategy.mdx │ │ │ ├── 13-debian-lifecycle-management.mdx │ │ │ ├── 2-debian-load-balancing-technology.mdx │ │ │ ├── 3-debian-storage-management.mdx │ │ │ ├── 4-debian-backup-strategy.mdx │ │ │ ├── 5-debian-remote-management-tools.mdx │ │ │ ├── 6-debian-automated-management.mdx │ │ │ ├── 7-debian-configuration-management.mdx │ │ │ ├── 8-debian-monitoring-system.mdx │ │ │ ├── 9-debian-performance-tuning.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 12-debian-cloud-computing │ │ │ ├── 0-debian-cloud-computing-overview.mdx │ │ │ ├── 1-debian-cloud-service-provider.mdx │ │ │ ├── 10-debian-serverless-computing.mdx │ │ │ ├── 11-debian-container-cloud-platform.mdx │ │ │ ├── 12-debian-hybrid-cloud-management.mdx │ │ │ ├── 13-debian-cloud-migration-strategy.mdx │ │ │ ├── 2-debian-cloud-instance-deployment.mdx │ │ │ ├── 3-debian-cloud-storage-configuration.mdx │ │ │ ├── 4-debian-cloud-network-setup.mdx │ │ │ ├── 5-debian-cloud-security-management.mdx │ │ │ ├── 6-debian-cloud-monitoring.mdx │ │ │ ├── 7-debian-cloud-resource-expansion.mdx │ │ │ ├── 8-debian-cloud-backup.mdx │ │ │ ├── 9-debian-microservice-architecture.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 13-best-practices-for-debian-operations-and-maintenance │ │ │ ├── 0-debian-operation-and-maintenance-workflow.mdx │ │ │ ├── 1-debian-documentation-management.mdx │ │ │ ├── 10-debian-security-management-process.mdx │ │ │ ├── 11-debian-disaster-recovery-drill.mdx │ │ │ ├── 12-debian-service-level-agreement.mdx │ │ │ ├── 13-debian-continues-to-improve.mdx │ │ │ ├── 2-debian-change-management.mdx │ │ │ ├── 3-debian-issue-management.mdx │ │ │ ├── 4-debian-asset-management.mdx │ │ │ ├── 5-debian-configuration-management.mdx │ │ │ ├── 6-debian-patch-management.mdx │ │ │ ├── 7-debian-performance-management.mdx │ │ │ ├── 8-debian-capacity-planning.mdx │ │ │ ├── 9-debian-availability-management.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 14-debian-troubleshooting │ │ │ ├── 0-debian-troubleshooting-methodology.mdx │ │ │ ├── 1-troubleshooting-debian-boot-problems.mdx │ │ │ ├── 10-debian-security-incident-response.mdx │ │ │ ├── 11-debian-data-recovery.mdx │ │ │ ├── 12-debian-common-error-solutions.mdx │ │ │ ├── 13-debian-troubleshooting-measures.mdx │ │ │ ├── 2-debian-network-troubleshooting.mdx │ │ │ ├── 3-debian-package-troubleshooting.mdx │ │ │ ├── 4-analysis-of-debian-performance-issues.mdx │ │ │ ├── 5-debian-storage-troubleshooting.mdx │ │ │ ├── 6-debian-system-crash-analysis.mdx │ │ │ ├── 7-debian-log-analysis-technology.mdx │ │ │ ├── 8-debian-memory-problem-troubleshooting.mdx │ │ │ ├── 9-debian-cpu-troubleshooting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 2-debian-package-management │ │ │ ├── 0-overview-of-debian-package-management.mdx │ │ │ ├── 1-debian-apt-tools.mdx │ │ │ ├── 10-debian-synaptic-tools.mdx │ │ │ ├── 11-debian-package-verification.mdx │ │ │ ├── 12-debian-package-building-basics.mdx │ │ │ ├── 13-debian-package-rollback.mdx │ │ │ ├── 2-debian-software-source-configuration.mdx │ │ │ ├── 3-debian-package-installation.mdx │ │ │ ├── 4-debian-package-update.mdx │ │ │ ├── 5-debian-package-uninstall.mdx │ │ │ ├── 6-debian-package-query.mdx │ │ │ ├── 7-debian-package-dependency-processing.mdx │ │ │ ├── 8-debian-package-cache-management.mdx │ │ │ ├── 9-debian-aptitude-tool.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 3-debian-file-system │ │ │ ├── 0-debian-file-system-structure.mdx │ │ │ ├── 1-debian-file-system-type.mdx │ │ │ ├── 10-debian-lvm-management.mdx │ │ │ ├── 11-debian-file-system-repair.mdx │ │ │ ├── 12-debian-disk-quota.mdx │ │ │ ├── 13-debian-file-system-encryption.mdx │ │ │ ├── 2-debian-file-operations.mdx │ │ │ ├── 3-debian-directory-management.mdx │ │ │ ├── 4-debian-file-search.mdx │ │ │ ├── 5-debian-link-file.mdx │ │ │ ├── 6-debian-disk-management.mdx │ │ │ ├── 7-debian-partition-tool.mdx │ │ │ ├── 8-debian-mount-unmount.mdx │ │ │ ├── 9-debian-raid-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 4-debian-network-configuration │ │ │ ├── 0-debian-network-basics.mdx │ │ │ ├── 1-debian-network-interface-configuration.mdx │ │ │ ├── 10-debian-remote-access-configuration.mdx │ │ │ ├── 11-debian-ssh-service.mdx │ │ │ ├── 12-debian-vpn-configuration.mdx │ │ │ ├── 13-debian-network-monitoring-tool.mdx │ │ │ ├── 2-debian-ip-configuration.mdx │ │ │ ├── 3-debian-dns-configuration.mdx │ │ │ ├── 4-debian-dhcp-configuration.mdx │ │ │ ├── 5-debian-routing-settings.mdx │ │ │ ├── 6-debian-firewall-configuration.mdx │ │ │ ├── 7-debian-iptables-usage.mdx │ │ │ ├── 8-debian-network-tools.mdx │ │ │ ├── 9-debian-network-troubleshooting.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 5-debian-server-application │ │ │ ├── 0-debian-web-server.mdx │ │ │ ├── 1-debian-apache-configuration.mdx │ │ │ ├── 10-debian-print-server.mdx │ │ │ ├── 11-debian-proxy-server.mdx │ │ │ ├── 12-debian-load-balancing.mdx │ │ │ ├── 13-debian-virtualization-platform.mdx │ │ │ ├── 2-debian-nginx-configuration.mdx │ │ │ ├── 3-debian-database-server.mdx │ │ │ ├── 4-debian-mysqlmariadb-configuration.mdx │ │ │ ├── 5-debian-postgresql-configuration.mdx │ │ │ ├── 6-debian-ftp-server.mdx │ │ │ ├── 7-debian-mail-server.mdx │ │ │ ├── 8-debian-dns-server.mdx │ │ │ ├── 9-debian-file-server.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 6-debian-security-management │ │ │ ├── 0-debian-security-foundation.mdx │ │ │ ├── 1-debian-security-updates.mdx │ │ │ ├── 10-debian-encryption-technology.mdx │ │ │ ├── 11-debian-security-scanning-tool.mdx │ │ │ ├── 12-debian-system-backup-strategy.mdx │ │ │ ├── 13-debian-disaster-recovery.mdx │ │ │ ├── 2-debian-vulnerability-management.mdx │ │ │ ├── 3-debian-user-authentication.mdx │ │ │ ├── 4-debian-firewall-settings.mdx │ │ │ ├── 5-debian-ssh-security-hardening.mdx │ │ │ ├── 6-debian-intrusion-detection.mdx │ │ │ ├── 7-debian-security-audit.mdx │ │ │ ├── 8-debian-selinux-configuration.mdx │ │ │ ├── 9-debian-apparmor-configuration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 7-debian-containers-and-virtualization │ │ │ ├── 0-debian-virtualization-overview.mdx │ │ │ ├── 1-debian-kvm-configuration.mdx │ │ │ ├── 10-debian-lxc-configuration.mdx │ │ │ ├── 11-debian-virtual-machine-migration.mdx │ │ │ ├── 12-debian-virtualization-performance-optimization.mdx │ │ │ ├── 13-debian-hybrid-cloud-management.mdx │ │ │ ├── 2-debian-virtualbox-usage.mdx │ │ │ ├── 3-debian-container-technology.mdx │ │ │ ├── 4-debian-docker-installation-configuration.mdx │ │ │ ├── 5-debian-container-management.mdx │ │ │ ├── 6-debian-container-network.mdx │ │ │ ├── 7-debian-container-storage.mdx │ │ │ ├── 8-debian-container-orchestration.mdx │ │ │ ├── 9-debian-kubernetes-basics.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ ├── 8-debian-desktop-application │ │ │ ├── 0-debian-desktop-environment-selection.mdx │ │ │ ├── 1-debian-gnome-config.mdx │ │ │ ├── 10-debian-browser-selection.mdx │ │ │ ├── 11-debian-mail-client.mdx │ │ │ ├── 12-debian-instant-messaging-tool.mdx │ │ │ ├── 13-debian-game-support.mdx │ │ │ ├── 2-debian-kde-configuration.mdx │ │ │ ├── 3-debian-xfce-configuration.mdx │ │ │ ├── 4-debian-mate-configuration.mdx │ │ │ ├── 5-debian-desktop-beautification.mdx │ │ │ ├── 6-debian-office-application.mdx │ │ │ ├── 7-debian-multimedia-applications.mdx │ │ │ ├── 8-debian-graphics-processing-application.mdx │ │ │ ├── 9-debian-development-tools.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ │ └── 9-debian-system-development │ │ │ ├── 0-debian-development-environment-setup.mdx │ │ │ ├── 1-debian-compilation-toolchain.mdx │ │ │ ├── 10-debian-automated-build.mdx │ │ │ ├── 11-debian-contribution-code-process.mdx │ │ │ ├── 12-debian-community-participation.mdx │ │ │ ├── 13-debian-policy-follows.mdx │ │ │ ├── 2-debian-source-management.mdx │ │ │ ├── 3-debian-package-development.mdx │ │ │ ├── 4-debian-packaging-tool.mdx │ │ │ ├── 5-debian-build-system.mdx │ │ │ ├── 6-debian-testing-framework.mdx │ │ │ ├── 7-debian-debugging-tools.mdx │ │ │ ├── 8-debian-patching-process.mdx │ │ │ ├── 9-debian-continuous-integration.mdx │ │ │ ├── _category_.json │ │ │ └── index.mdx │ └── ubuntu │ │ ├── 0-ubuntu-basics │ │ ├── 0-ubuntu-introduction.mdx │ │ ├── 1-ubuntu-version-history.mdx │ │ ├── 10-ubuntu-basic-operations.mdx │ │ ├── 11-ubuntu-shortcut-keys.mdx │ │ ├── 12-ubuntu-help-system.mdx │ │ ├── 13-ubuntu-user-community.mdx │ │ ├── 2-ubuntu-installation-preparation.mdx │ │ ├── 3-ubuntu-installation-steps.mdx │ │ ├── 4-ubuntu-desktop-environment.mdx │ │ ├── 5-ubuntu-system-requirements.mdx │ │ ├── 6-ubuntu-startup-process.mdx │ │ ├── 7-ubuntu-login-screen.mdx │ │ ├── 8-ubuntu-desktop-components.mdx │ │ ├── 9-ubuntu-file-system.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 1-ubuntu-system-settings │ │ ├── 0-ubuntu-system-settings-overview.mdx │ │ ├── 1-ubuntu-display-settings.mdx │ │ ├── 10-ubuntu-permission-settings.mdx │ │ ├── 11-ubuntu-privacy-and-security.mdx │ │ ├── 12-ubuntu-accessibility.mdx │ │ ├── 13-ubuntu-system-update.mdx │ │ ├── 2-ubuntu-network-settings.mdx │ │ ├── 3-ubuntu-sound-settings.mdx │ │ ├── 4-ubuntu-power-management.mdx │ │ ├── 5-ubuntu-language-settings.mdx │ │ ├── 6-ubuntu-time-date.mdx │ │ ├── 7-ubuntu-theme-customization.mdx │ │ ├── 8-ubuntu-startup-item-management.mdx │ │ ├── 9-ubuntu-user-management.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 10-ubuntu-server-configuration │ │ ├── 0-ubuntu-server-version.mdx │ │ ├── 1-ubuntu-server-installation.mdx │ │ ├── 10-ubuntu-virtualization.mdx │ │ ├── 11-ubuntu-cloud-service-integration.mdx │ │ ├── 12-ubuntu-load-balancing.mdx │ │ ├── 13-ubuntu-service-monitoring.mdx │ │ ├── 2-ubuntu-interface-less-management.mdx │ │ ├── 3-ubuntu-server-security.mdx │ │ ├── 4-ubuntu-web-server.mdx │ │ ├── 5-ubuntu-database-server.mdx │ │ ├── 6-ubuntu-file-server.mdx │ │ ├── 7-ubuntu-mail-server.mdx │ │ ├── 8-ubuntu-dns-server.mdx │ │ ├── 9-ubuntu-dhcp-server.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 11-ubuntu-virtualization-technology │ │ ├── 0-ubuntu-virtualization-overview.mdx │ │ ├── 1-ubuntu-kvm-virtualization.mdx │ │ ├── 10-ubuntu-virtual-machine-snapshot.mdx │ │ ├── 11-ubuntu-virtual-machine-backup.mdx │ │ ├── 12-ubuntu-virtual-machine-performance.mdx │ │ ├── 13-ubuntu-virtualization-troubleshooting.mdx │ │ ├── 2-ubuntu-virtualbox.mdx │ │ ├── 3-ubuntu-docker-basics.mdx │ │ ├── 4-ubuntu-container-management.mdx │ │ ├── 5-ubuntu-container-network.mdx │ │ ├── 6-ubuntu-container-storage.mdx │ │ ├── 7-ubuntu-kubernetes-basics.mdx │ │ ├── 8-ubuntu-lxc-container.mdx │ │ ├── 9-ubuntu-virtual-machine-migration.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 12-ubuntu-security-protection │ │ ├── 0-ubuntu-security-basics.mdx │ │ ├── 1-ubuntu-user-authentication.mdx │ │ ├── 10-ubuntu-network-security.mdx │ │ ├── 11-ubuntu-physical-security.mdx │ │ ├── 12-ubuntu-data-encryption.mdx │ │ ├── 13-ubuntu-security-best-practices.mdx │ │ ├── 2-ubuntu-permission-control.mdx │ │ ├── 3-ubuntu-password-policy.mdx │ │ ├── 4-ubuntu-encryption-technology.mdx │ │ ├── 5-ubuntu-firewall-configuration.mdx │ │ ├── 6-ubuntu-security-updates.mdx │ │ ├── 7-ubuntu-virus-protection.mdx │ │ ├── 8-ubuntu-intrusion-detection.mdx │ │ ├── 9-ubuntu-security-audit.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 13-ubuntu-desktop-application │ │ ├── 0-ubuntu-office-software.mdx │ │ ├── 1-ubuntu-multimedia-applications.mdx │ │ ├── 10-ubuntu-virtual-machine-software.mdx │ │ ├── 11-ubuntu-development-tools.mdx │ │ ├── 12-ubuntu-game-support.mdx │ │ ├── 13-ubuntu-app-alternatives.mdx │ │ ├── 2-ubuntu-graphics-processing.mdx │ │ ├── 3-ubuntu-audio-editing.mdx │ │ ├── 4-ubuntu-video-editing.mdx │ │ ├── 5-ubuntu-browser-selection.mdx │ │ ├── 6-ubuntu-email.mdx │ │ ├── 7-ubuntu-instant-messaging.mdx │ │ ├── 8-ubuntu-download-tool.mdx │ │ ├── 9-ubuntu-remote-desktop.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 14-ubuntu-development-environment │ │ ├── 0-overview-of-ubuntu-development-environment.mdx │ │ ├── 1-ubuntu-programming-language-support.mdx │ │ ├── 10-ubuntu-code-base-management.mdx │ │ ├── 11-ubuntu-continuous-integration.mdx │ │ ├── 12-ubuntu-container-development.mdx │ │ ├── 13-ubuntu-cross-platform-development.mdx │ │ ├── 2-ubuntu-compilation-tools.mdx │ │ ├── 3-ubuntu-version-control.mdx │ │ ├── 4-ubuntu-ide-configuration.mdx │ │ ├── 5-ubuntu-web-development.mdx │ │ ├── 6-ubuntu-mobile-development.mdx │ │ ├── 7-ubuntu-database-development.mdx │ │ ├── 8-ubuntu-debugging-tools.mdx │ │ ├── 9-ubuntu-performance-analysis.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 15-ubuntu-system-optimization │ │ ├── 0-ubuntu-system-optimization-overview.mdx │ │ ├── 1-ubuntu-startup-optimization.mdx │ │ ├── 10-ubuntu-kernel-parameter-adjustment.mdx │ │ ├── 11-ubuntu-application-optimization.mdx │ │ ├── 12-ubuntu-io-performance.mdx │ │ ├── 13-ubuntu-performance-test.mdx │ │ ├── 2-ubuntu-desktop-response-optimization.mdx │ │ ├── 3-ubuntu-memory-management.mdx │ │ ├── 4-ubuntu-disk-optimization.mdx │ │ ├── 5-ubuntu-cpu-scheduling.mdx │ │ ├── 6-ubuntu-power-optimization.mdx │ │ ├── 7-ubuntu-graphics-performance.mdx │ │ ├── 8-ubuntu-network-optimization.mdx │ │ ├── 9-ubuntu-service-streamlining.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 16-ubuntu-troubleshooting │ │ ├── 0-ubuntu-troubleshooting-methods.mdx │ │ ├── 1-ubuntu-startup-problem.mdx │ │ ├── 10-ubuntu-disk-problem.mdx │ │ ├── 11-ubuntu-memory-problem.mdx │ │ ├── 12-ubuntu-log-analysis.mdx │ │ ├── 13-ubuntu-system-rescue.mdx │ │ ├── 2-ubuntu-graphical-interface-failure.mdx │ │ ├── 3-ubuntu-network-connection-problem.mdx │ │ ├── 4-ubuntu-sound-problem.mdx │ │ ├── 5-ubuntu-hardware-driver-problem.mdx │ │ ├── 6-ubuntu-software-conflicts.mdx │ │ ├── 7-ubuntu-system-freezes.mdx │ │ ├── 8-ubuntu-crash-recovery.mdx │ │ ├── 9-ubuntu-boot-repair.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 17-ubuntu-premium-theme │ │ ├── 0-ubuntu-multi-system-boot.mdx │ │ ├── 1-ubuntu-cloud-integration.mdx │ │ ├── 10-ubuntu-large-scale-deployment.mdx │ │ ├── 11-ubuntu-iot-application.mdx │ │ ├── 12-ubuntu-mobile-device-management.mdx │ │ ├── 13-ubuntu-edge-computing.mdx │ │ ├── 2-ubuntu-server-cluster.mdx │ │ ├── 3-ubuntu-high-availability-configuration.mdx │ │ ├── 4-ubuntu-load-balancing.mdx │ │ ├── 5-ubuntu-automated-deployment.mdx │ │ ├── 6-ubuntu-configuration-management.mdx │ │ ├── 7-ubuntu-remote-management.mdx │ │ ├── 8-ubuntu-enterprise-domain-integration.mdx │ │ ├── 9-ubuntu-single-sign-on.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 18-ubuntu-resources-and-community │ │ ├── 0-ubuntu-official-documentation.mdx │ │ ├── 1-ubuntu-community-support.mdx │ │ ├── 10-ubuntu-derivatives.mdx │ │ ├── 11-ubuntu-related-books.mdx │ │ ├── 12-ubuntu-video-tutorial.mdx │ │ ├── 13-ubuntu-career-development.mdx │ │ ├── 2-ubuntu-forum-participation.mdx │ │ ├── 3-ubuntu-problem-report.mdx │ │ ├── 4-how-to-contribute-to-ubuntu.mdx │ │ ├── 5-ubuntu-certification-training.mdx │ │ ├── 6-ubuntu-offline-activities.mdx │ │ ├── 7-ubuntu-open-source-contributions.mdx │ │ ├── 8-ubuntu-internationalization.mdx │ │ ├── 9-ubuntu-localization-team.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 2-ubuntu-terminal-basics │ │ ├── 0-ubuntu-terminal-introduction.mdx │ │ ├── 1-how-to-open-ubuntu-terminal.mdx │ │ ├── 10-ubuntu-terminal-configuration.mdx │ │ ├── 11-ubuntu-terminal-colors.mdx │ │ ├── 12-ubuntu-terminal-multiple-tabs.mdx │ │ ├── 13-ubuntu-terminal-split-screen.mdx │ │ ├── 2-ubuntu-terminal-shortcut-keys.mdx │ │ ├── 3-ubuntu-basic-commands.mdx │ │ ├── 4-ubuntu-command-syntax.mdx │ │ ├── 5-ubuntu-command-help.mdx │ │ ├── 6-ubuntu-command-history.mdx │ │ ├── 7-ubuntu-command-completion.mdx │ │ ├── 8-ubuntu-command-aliases.mdx │ │ ├── 9-ubuntu-environment-variables.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 3-ubuntu-file-management │ │ ├── 0-ubuntu-file-manager.mdx │ │ ├── 1-ubuntu-file-browsing.mdx │ │ ├── 10-ubuntu-file-recovery.mdx │ │ ├── 11-ubuntu-disk-usage.mdx │ │ ├── 12-ubuntu-symbolic-link.mdx │ │ ├── 13-ubuntu-file-synchronization.mdx │ │ ├── 2-ubuntu-file-operations.mdx │ │ ├── 3-ubuntu-file-permissions.mdx │ │ ├── 4-ubuntu-file-search.mdx │ │ ├── 5-ubuntu-file-compression-and-decompression.mdx │ │ ├── 6-ubuntu-file-sharing.mdx │ │ ├── 7-ubuntu-mount-and-unmount.mdx │ │ ├── 8-ubuntu-cd-burning.mdx │ │ ├── 9-ubuntu-remote-file.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 4-ubuntu-user-management │ │ ├── 0-ubuntu-user-concept.mdx │ │ ├── 1-ubuntu-user-creation.mdx │ │ ├── 10-ubuntu---sudo-command.mdx │ │ ├── 11-ubuntu-privilege-escalation.mdx │ │ ├── 12-ubuntu-user-quota.mdx │ │ ├── 13-ubuntu-access-control.mdx │ │ ├── 2-ubuntu-user-deletion.mdx │ │ ├── 3-ubuntu-user-group.mdx │ │ ├── 4-ubuntu-permission-model.mdx │ │ ├── 5-ubuntu-file-ownership.mdx │ │ ├── 6-ubuntu-password-management.mdx │ │ ├── 7-ubuntu-user-information.mdx │ │ ├── 8-ubuntu-user-switching.mdx │ │ ├── 9-ubuntu-super-user.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 5-ubuntu-software-management │ │ ├── 0-ubuntu-software-management-overview.mdx │ │ ├── 1-ubuntu-software-center.mdx │ │ ├── 10-ubuntu-ppa-management.mdx │ │ ├── 11-ubuntu-package-information-query.mdx │ │ ├── 12-ubuntu-snap-package.mdx │ │ ├── 13-ubuntu-flatpak-package.mdx │ │ ├── 2-ubuntu-apt-command.mdx │ │ ├── 3-ubuntu-software-source.mdx │ │ ├── 4-ubuntu-software-installation.mdx │ │ ├── 5-ubuntu-software-uninstall.mdx │ │ ├── 6-ubuntu-software-update.mdx │ │ ├── 7-ubuntu-software-downgrade.mdx │ │ ├── 8-ubuntu-dependency-resolution.mdx │ │ ├── 9-ubuntu-software-search.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 6-ubuntu-network-configuration │ │ ├── 0-ubuntu-network-basics.mdx │ │ ├── 1-ubuntu-wired-connection.mdx │ │ ├── 10-ubuntu-ssh-service.mdx │ │ ├── 11-ubuntu-vpn-configuration.mdx │ │ ├── 12-ubuntu-network-monitoring.mdx │ │ ├── 13-ubuntu-network-security.mdx │ │ ├── 2-ubuntu-wireless-connection.mdx │ │ ├── 3-ubuntu-network-troubleshooting.mdx │ │ ├── 4-ubuntu-network-commands.mdx │ │ ├── 5-ubuntu-ip-configuration.mdx │ │ ├── 6-ubuntu-dns-settings.mdx │ │ ├── 7-ubuntu-firewall.mdx │ │ ├── 8-ubuntu-network-sharing.mdx │ │ ├── 9-ubuntu-remote-access.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 7-ubuntu-system-maintenance │ │ ├── 0-ubuntu-maintenance-overview.mdx │ │ ├── 1-ubuntu-system-update.mdx │ │ ├── 10-ubuntu-scheduled-tasks.mdx │ │ ├── 11-ubuntu-system-report.mdx │ │ ├── 12-ubuntu-crash-handling.mdx │ │ ├── 13-reinstall-ubuntu-system.mdx │ │ ├── 2-ubuntu-backup-and-recovery.mdx │ │ ├── 3-ubuntu-startup-repair.mdx │ │ ├── 4-ubuntu-disk-check.mdx │ │ ├── 5-ubuntu-log-files.mdx │ │ ├── 6-ubuntu-performance-monitoring.mdx │ │ ├── 7-ubuntu-system-cleanup.mdx │ │ ├── 8-ubuntu-process-management.mdx │ │ ├── 9-ubuntu-service-management.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ ├── 8-ubuntu-advanced-commands │ │ ├── 0-ubuntu-text-processing-commands.mdx │ │ ├── 1-ubuntu-pipes-and-redirection.mdx │ │ ├── 10-ubuntu-command-link.mdx │ │ ├── 11-ubuntu-command-replacement.mdx │ │ ├── 12-ubuntu-special-characters.mdx │ │ ├── 13-ubuntu-command-combination-skills.mdx │ │ ├── 2-ubuntu-regular-expression.mdx │ │ ├── 3-ubuntu-file-search.mdx │ │ ├── 4-ubuntu-text-search.mdx │ │ ├── 5-ubuntu-system-monitoring-commands.mdx │ │ ├── 6-ubuntu-network-diagnostic-commands.mdx │ │ ├── 7-ubuntu-process-control.mdx │ │ ├── 8-ubuntu-background-tasks.mdx │ │ ├── 9-ubuntu-script-execution.mdx │ │ ├── _category_.json │ │ └── index.mdx │ │ └── 9-ubuntu-shell-programming │ │ ├── 0-ubuntu-shell-introduction.mdx │ │ ├── 1-ubuntu-bash-basics.mdx │ │ ├── 10-ubuntu-script-debugging.mdx │ │ ├── 11-ubuntu-error-handling.mdx │ │ ├── 12-ubuntu-input-and-output.mdx │ │ ├── 13-ubuntu-scripting-best-practices.mdx │ │ ├── 2-ubuntu-shell-script-structure.mdx │ │ ├── 3-ubuntu-variables-and-parameters.mdx │ │ ├── 4-ubuntu-conditional-statements.mdx │ │ ├── 5-ubuntu-loop-structure.mdx │ │ ├── 6-ubuntu-function-definition.mdx │ │ ├── 7-ubuntu-array-operations.mdx │ │ ├── 8-ubuntu-string-processing.mdx │ │ ├── 9-ubuntu-arithmetic-operations.mdx │ │ ├── _category_.json │ │ └── index.mdx ├── tree.txt └── web │ ├── css │ ├── 0-css-basics │ │ ├── 0-introduction-to-css.mdx │ │ ├── 1-css-history.mdx │ │ ├── 10-css-priority.mdx │ │ ├── 11-css-cascading-rules.mdx │ │ ├── 12-css-units.mdx │ │ ├── 13-css-color-representation.mdx │ │ ├── 2-how-css-works.mdx │ │ ├── 3-css-syntax.mdx │ │ ├── 4-css-selectors.mdx │ │ ├── 5-css-comments.mdx │ │ ├── 6-how-to-import-css.mdx │ │ ├── 7-css-inline-style.mdx │ │ ├── 8-css-internal-style-sheet.mdx │ │ ├── 9-css-external-style-sheet.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 1-css-selectors │ │ ├── 0-css-basic-selectors.mdx │ │ ├── 1-css-element-selector.mdx │ │ ├── 10-css-attribute-selector.mdx │ │ ├── 11-css-pseudo-class-selector.mdx │ │ ├── 12-css-pseudo-element-selector.mdx │ │ ├── 13-css-selector-priority.mdx │ │ ├── 2-css-class-selector.mdx │ │ ├── 3-css-id-selector.mdx │ │ ├── 4-css-universal-selector.mdx │ │ ├── 5-css-combination-selector.mdx │ │ ├── 6-css-descendant-selector.mdx │ │ ├── 7-css-child-selector.mdx │ │ ├── 8-css-adjacent-sibling-selector.mdx │ │ ├── 9-css-universal-sibling-selector.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 10-css-animation │ │ ├── 0-css-animation-concept.mdx │ │ ├── 1-css-keyframes.mdx │ │ ├── 10-css-hardware-acceleration.mdx │ │ ├── 11-css-performance-optimization.mdx │ │ ├── 12-css-animation-with-javascript.mdx │ │ ├── 13-css-animation-examples.mdx │ │ ├── 2-css-animation-name.mdx │ │ ├── 3-css-animation-duration.mdx │ │ ├── 4-css-animation-delay.mdx │ │ ├── 5-css-animation-iteration.mdx │ │ ├── 6-css-animation-direction.mdx │ │ ├── 7-css-animation-fill-mode.mdx │ │ ├── 8-css-animation-playback-status.mdx │ │ ├── 9-css-animation-time-function.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 11-css-preprocessors │ │ ├── 0-css-preprocessor-concept.mdx │ │ ├── 1-css-sass-basics.mdx │ │ ├── 10-css-conditional-statements.mdx │ │ ├── 11-css-loop.mdx │ │ ├── 12-css-modular-css.mdx │ │ ├── 13-css-preprocessor-workflow.mdx │ │ ├── 2-css-scss-syntax.mdx │ │ ├── 3-css-less-basics.mdx │ │ ├── 4-css-stylus-basics.mdx │ │ ├── 5-css-variables-and-constants.mdx │ │ ├── 6-css-nesting-rules.mdx │ │ ├── 7-css-mixins.mdx │ │ ├── 8-css-inheritance.mdx │ │ ├── 9-css-functions-and-operations.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 12-css-frameworks-and-libraries │ │ ├── 0-css-framework-concept.mdx │ │ ├── 1-css-bootstrap-basics.mdx │ │ ├── 10-css-animation-library.mdx │ │ ├── 11-css-icon-library.mdx │ │ ├── 12-css-framework-integration.mdx │ │ ├── 13-css-framework-performance-optimization.mdx │ │ ├── 2-css-tailwind-basics.mdx │ │ ├── 3-css-foundation.mdx │ │ ├── 4-css-bulma-basics.mdx │ │ ├── 5-css-material-ui-basics.mdx │ │ ├── 6-css-framework-comparison.mdx │ │ ├── 7-css-framework-customization.mdx │ │ ├── 8-css-utility-class.mdx │ │ ├── 9-css-component-library.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 13-css-advanced-selectors │ │ ├── 0-css-structural-pseudo-classes.mdx │ │ ├── 1-css-target-pseudo-class.mdx │ │ ├── 10-cssfirst-line-pseudo-element.mdx │ │ ├── 11-cssfirst-letter-pseudo-element.mdx │ │ ├── 12-cssselection-pseudo-element.mdx │ │ ├── 13-css-selector-performance.mdx │ │ ├── 2-css-ui-state-pseudo-class.mdx │ │ ├── 3-css-language-pseudo-classes.mdx │ │ ├── 4-cssnot-pseudo-class.mdx │ │ ├── 5-cssis-pseudo-class.mdx │ │ ├── 6-csswhere-pseudo-class.mdx │ │ ├── 7-csshas-pseudo-class.mdx │ │ ├── 8-cssbefore-pseudo-element.mdx │ │ ├── 9-cssafter-pseudo-element.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 14-css-custom-properties │ │ ├── 0-css-variable-concept.mdx │ │ ├── 1-css-variable-declaration.mdx │ │ ├── 10-css-variables-dynamic-update.mdx │ │ ├── 11-css-variable-performance.mdx │ │ ├── 12-css-variable-naming-conventions.mdx │ │ ├── 13-css-variables-best-practices.mdx │ │ ├── 2-css-variable-usage.mdx │ │ ├── 3-css-variable-scope.mdx │ │ ├── 4-css-variable-inheritance.mdx │ │ ├── 5-css-variable-fallback-value.mdx │ │ ├── 6-css-variable-calculation.mdx │ │ ├── 7-css-variable-media-queries.mdx │ │ ├── 8-css-variables-with-javascript.mdx │ │ ├── 9-css-variable-theme-switching.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 15-css-advanced-effects │ │ ├── 0-css-filter-effects.mdx │ │ ├── 1-css-blur-effect.mdx │ │ ├── 10-css-shapes.mdx │ │ ├── 11-css-image-effects.mdx │ │ ├── 12-css-text-effects.mdx │ │ ├── 13-css-print-style.mdx │ │ ├── 2-css-brightness-contrast.mdx │ │ ├── 3-css-hue-rotation.mdx │ │ ├── 4-css-saturation.mdx │ │ ├── 5-css-transparency.mdx │ │ ├── 6-css-blend-modes.mdx │ │ ├── 7-css-clipping-path.mdx │ │ ├── 8-css-mask.mdx │ │ ├── 9-css-frosted-glass-effect.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 16-css-performance-and-optimization │ │ ├── 0-css-performance-overview.mdx │ │ ├── 1-css-selector-optimization.mdx │ │ ├── 10-css-code-refactoring.mdx │ │ ├── 11-css-preloading.mdx │ │ ├── 12-css-lazy-loading.mdx │ │ ├── 13-css-performance-measurement-tools.mdx │ │ ├── 2-css-inheritance-optimization.mdx │ │ ├── 3-css-file-organization.mdx │ │ ├── 4-css-code-compression.mdx │ │ ├── 5-css-loading-optimization.mdx │ │ ├── 6-css-critical-rendering-path.mdx │ │ ├── 7-css-rendering-performance.mdx │ │ ├── 8-css-animation-performance.mdx │ │ ├── 9-css-resolution-adaptation.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 17-css-best-practices │ │ ├── 0-css-naming-conventions.mdx │ │ ├── 1-css-bem-methodology.mdx │ │ ├── 10-css-debugging-tips.mdx │ │ ├── 11-css-code-review.mdx │ │ ├── 12-css-refactoring-strategy.mdx │ │ ├── 13-css-development-tools.mdx │ │ ├── 2-css-oocs-methodology.mdx │ │ ├── 3-css-smacss-methodology.mdx │ │ ├── 4-css-code-organization.mdx │ │ ├── 5-css-comment-specification.mdx │ │ ├── 6-css-maintainability.mdx │ │ ├── 7-css-readability.mdx │ │ ├── 8-css-browser-compatibility.mdx │ │ ├── 9-css-fallback-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 2-css-color-and-background │ │ ├── 0-css-color-value.mdx │ │ ├── 1-css-rgb-color.mdx │ │ ├── 10-css-background-position.mdx │ │ ├── 11-css-background-size.mdx │ │ ├── 12-css-background-attachment.mdx │ │ ├── 13-css-multiple-background.mdx │ │ ├── 2-css-rgba-color.mdx │ │ ├── 3-css-hsl-color.mdx │ │ ├── 4-css-hsla-color.mdx │ │ ├── 5-css-hex-color.mdx │ │ ├── 6-css-predefined-colors.mdx │ │ ├── 7-css-background-color.mdx │ │ ├── 8-css-background-image.mdx │ │ ├── 9-css-background-repeat.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 3-css-text-and-font │ │ ├── 0-css-text-color.mdx │ │ ├── 1-css-text-alignment.mdx │ │ ├── 10-css-font-variants.mdx │ │ ├── 11-css-font-stretching.mdx │ │ ├── 12-css-web-safe-fonts.mdx │ │ ├── 13-css-custom-fonts.mdx │ │ ├── 2-css-text-decoration.mdx │ │ ├── 3-css-text-transformation.mdx │ │ ├── 4-css-text-indent.mdx │ │ ├── 5-css-text-spacing.mdx │ │ ├── 6-css-font-family.mdx │ │ ├── 7-css-font-size.mdx │ │ ├── 8-css-font-style.mdx │ │ ├── 9-css-font-weight.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 4-css-box-model │ │ ├── 0-css-box-model-concept.mdx │ │ ├── 1-css-width-and-height.mdx │ │ ├── 10-css-overflow-handling.mdx │ │ ├── 11-css-outline.mdx │ │ ├── 12-css-shadow-effect.mdx │ │ ├── 13-css-box-model-debugging.mdx │ │ ├── 2-css-padding.mdx │ │ ├── 3-css-margin.mdx │ │ ├── 4-css-border.mdx │ │ ├── 5-css-box-size.mdx │ │ ├── 6-css-box-model-types.mdx │ │ ├── 7-css-content-area.mdx │ │ ├── 8-css-max-width-and-min-width.mdx │ │ ├── 9-css-maximum-height-and-minimum-height.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 5-css-layout-basics │ │ ├── 0-css-display-properties.mdx │ │ ├── 1-css-positioning-method.mdx │ │ ├── 10-css-cascading-order.mdx │ │ ├── 11-css-visual-formatting-model.mdx │ │ ├── 12-css-bfc-features.mdx │ │ ├── 13-css-visibility-control.mdx │ │ ├── 2-css-relative-positioning.mdx │ │ ├── 3-css-absolute-positioning.mdx │ │ ├── 4-css-fixed-positioning.mdx │ │ ├── 5-css-sticky-positioning.mdx │ │ ├── 6-css-float.mdx │ │ ├── 7-css-clear-float.mdx │ │ ├── 8-css-overflow-control.mdx │ │ ├── 9-css-stacking-context.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 6-css-flexbox-layout │ │ ├── 0-css-flexbox-concept.mdx │ │ ├── 1-css-flex-container.mdx │ │ ├── 10-css-elastic-distribution.mdx │ │ ├── 11-css-elastic-alignment.mdx │ │ ├── 12-css-elastic-layout-skills.mdx │ │ ├── 13-css-flexbox-example.mdx │ │ ├── 2-css-flex-items.mdx │ │ ├── 3-css-main-axis-and-cross-axis.mdx │ │ ├── 4-css-elastic-direction.mdx │ │ ├── 5-css-elastic-line-break.mdx │ │ ├── 6-css-elastic-flow.mdx │ │ ├── 7-css-elasticity-benchmark.mdx │ │ ├── 8-css-elastic-growth.mdx │ │ ├── 9-css-elastic-shrink.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 7-css-grid-layout │ │ ├── 0-css-grid-concept.mdx │ │ ├── 1-css-grid-container.mdx │ │ ├── 10-css-grid-alignment.mdx │ │ ├── 11-css-implicit-grid.mdx │ │ ├── 12-css-grid-layout-tips.mdx │ │ ├── 13-css-grid-example.mdx │ │ ├── 2-css-grid-project.mdx │ │ ├── 3-css-grid-lines.mdx │ │ ├── 4-css-grid-track.mdx │ │ ├── 5-css-grid-areas.mdx │ │ ├── 6-css-grid-template-columns.mdx │ │ ├── 7-css-grid-template-rows.mdx │ │ ├── 8-css-grid-template-area.mdx │ │ ├── 9-css-grid-gap.mdx │ │ ├── _category_.json │ │ └── index.mdx │ ├── 8-css-responsive-design │ │ ├── 0-css-responsive-design-concept.mdx │ │ ├── 1-css-viewport.mdx │ │ ├── 10-css-responsive-navigation.mdx │ │ ├── 11-css-responsive-table.mdx │ │ ├── 12-css-responsive-framework.mdx │ │ ├── 13-css-responsive-design-mode.mdx │ │ ├── 2-css-media-queries.mdx │ │ ├── 3-css-breakpoint-settings.mdx │ │ ├── 4-css-fluid-layout.mdx │ │ ├── 5-css-responsive-images.mdx │ │ ├── 6-css-responsive-text.mdx │ │ ├── 7-css-elastic-image.mdx │ │ ├── 8-css-mobile-first-strategy.mdx │ │ ├── 9-css-desktop-first-strategy.mdx │ │ ├── _category_.json │ │ └── index.mdx │ └── 9-css-transformations-and-transitions │ │ ├── 0-css-transformation-concept.mdx │ │ ├── 1-css-translation-transform.mdx │ │ ├── 10-css-transition-duration.mdx │ │ ├── 11-css-transition-delay.mdx │ │ ├── 12-css-transition-time-function.mdx │ │ ├── 13-combining-css-transformations-and-transitions.mdx │ │ ├── 2-css-rotation-transform.mdx │ │ ├── 3-css-scale-transform.mdx │ │ ├── 4-css-tilt-transformation.mdx │ │ ├── 5-css-matrix-transformation.mdx │ │ ├── 6-css-perspective-transform.mdx │ │ ├── 7-css3d-transform.mdx │ │ ├── 8-css-transition-concept.mdx │ │ ├── 9-css-transition-properties.mdx │ │ ├── _category_.json │ │ └── index.mdx │ └── html │ ├── 0-html-basics │ ├── 0-introduction-to-html.mdx │ ├── 1-html-history-development.mdx │ ├── 10-html-semantics.mdx │ ├── 11-html-basic-formatting.mdx │ ├── 12-html-coding-specifications.mdx │ ├── 13-html-development-tools.mdx │ ├── 2-html-document-structure.mdx │ ├── 3-html-tag-syntax.mdx │ ├── 4-html-element.mdx │ ├── 5-html-attribute.mdx │ ├── 6-html-comment.mdx │ ├── 7-html-document-type.mdx │ ├── 8-html-version-difference.mdx │ ├── 9-html-character-entity.mdx │ ├── _category_.json │ └── index.mdx │ ├── 1-html-text-element │ ├── 0-html-tag.mdx │ ├── 1-html-paragraph.mdx │ ├── 10-html-ellipsis-tag.mdx │ ├── 11-html-text-style.mdx │ ├── 12-html-text-escaping.mdx │ ├── 13-html-text-semantics.mdx │ ├── 2-html-formatting-tags.mdx │ ├── 3-html-reference-element.mdx │ ├── 4-html-annotation-tags.mdx │ ├── 5-html-computer-code.mdx │ ├── 6-html-preformatted-text.mdx │ ├── 7-html-text-direction.mdx │ ├── 8-html-whitespace-handling.mdx │ ├── 9-html-special-characters.mdx │ ├── _category_.json │ └── index.mdx │ ├── 10-html-integration-with-css │ ├── 0-relationship-between-html-and-css.mdx │ ├── 1-html-inline-style.mdx │ ├── 10-html-targeting.mdx │ ├── 11-html-elastic-box-layout.mdx │ ├── 12-html-grid-layout.mdx │ ├── 13-html-css-variable.mdx │ ├── 2-html-internal-stylesheet.mdx │ ├── 3-html-external-stylesheet.mdx │ ├── 4-html-class-selector.mdx │ ├── 5-html-id-selector.mdx │ ├── 6-html-style-priority.mdx │ ├── 7-html-style-inheritance.mdx │ ├── 8-html-box-model.mdx │ ├── 9-html-floating-layout.mdx │ ├── _category_.json │ └── index.mdx │ ├── 11-html-interacts-with-javascript │ ├── 0-html-script-tag.mdx │ ├── 1-html-event-properties.mdx │ ├── 10-html-ajax-request.mdx │ ├── 11-html-local-storage-interaction.mdx │ ├── 12-html-canvas-action.mdx │ ├── 13-html-media-control.mdx │ ├── 2-html-dom-model.mdx │ ├── 3-html-element-selection.mdx │ ├── 4-html-content-manipulation.mdx │ ├── 5-html-property-action.mdx │ ├── 6-html-style-action.mdx │ ├── 7-html-event-handling.mdx │ ├── 8-html-form-validation.mdx │ ├── 9-html-dynamic-creation-element.mdx │ ├── _category_.json │ └── index.mdx │ ├── 12-html-seo-optimization │ ├── 0-html-metadata-tag.mdx │ ├── 1-html-page-title.mdx │ ├── 10-html-social-media-tags.mdx │ ├── 11-html-mobile-friendly.mdx │ ├── 12-html-page-speed-optimization.mdx │ ├── 13-html-seo-best-practices.mdx │ ├── 2-html-description-tag.mdx │ ├── 3-html-keyword-tags.mdx │ ├── 4-html-canonical-link.mdx │ ├── 5-html-image-optimization.mdx │ ├── 6-html-url-structure.mdx │ ├── 7-html-sitemap.mdx │ ├── 8-html-robots-settings.mdx │ ├── 9-html-structured-data.mdx │ ├── _category_.json │ └── index.mdx │ ├── 13-html-accessibility │ ├── 0-html-accessibility-overview.mdx │ ├── 1-html-aria-role.mdx │ ├── 10-html-accessibility-test.mdx │ ├── 11-html-accessible-navigation.mdx │ ├── 12-html-screen-reader.mdx │ ├── 13-html-accessibility-criteria.mdx │ ├── 2-html-aria-attribute.mdx │ ├── 3-html-semantic-element.mdx │ ├── 4-html-alternative-text.mdx │ ├── 5-html-keyboard-navigation.mdx │ ├── 6-html-color-contrast.mdx │ ├── 7-html-form-accessibility.mdx │ ├── 8-html-table-accessibility.mdx │ ├── 9-html-multimedia-accessibility.mdx │ ├── _category_.json │ └── index.mdx │ ├── 14-html-performance-optimization │ ├── 0-html-document-size.mdx │ ├── 1-html-resource-loading.mdx │ ├── 10-html-resource-priority.mdx │ ├── 11-html-font-optimization.mdx │ ├── 12-html-cdn-usage.mdx │ ├── 13-html-profiler.mdx │ ├── 2-html-image-optimization.mdx │ ├── 3-html-lazy-loading.mdx │ ├── 4-html-preloading-technology.mdx │ ├── 5-html-cache-policy.mdx │ ├── 6-html-compression-technology.mdx │ ├── 7-html-code-simplification.mdx │ ├── 8-html-key-render-path.mdx │ ├── 9-html-rendering-performance.mdx │ ├── _category_.json │ └── index.mdx │ ├── 15-html-security │ ├── 0-html-security-overview.mdx │ ├── 1-html-xss-protection.mdx │ ├── 10-html-security-header.mdx │ ├── 11-html-https-implementation.mdx │ ├── 12-html-cookie-security.mdx │ ├── 13-html-security-audit.mdx │ ├── 2-html-csrf-protection.mdx │ ├── 3-html-content-security-policy.mdx │ ├── 4-html-form-security.mdx │ ├── 5-html-link-security.mdx │ ├── 6-html-cross-domain-resource-sharing.mdx │ ├── 7-html-iframe-security.mdx │ ├── 8-html-third-party-content.mdx │ ├── 9-html-user-input-processing.mdx │ ├── _category_.json │ └── index.mdx │ ├── 16-html-best-practices │ ├── 0-html-code-specification.mdx │ ├── 1-html-document-structure.mdx │ ├── 10-html-deployment-policy.mdx │ ├── 11-html-maintenance-updates.mdx │ ├── 12-html-documentation.mdx │ ├── 13-html-development-toolchain.mdx │ ├── 2-html-naming-convention.mdx │ ├── 3-html-annotation-use.mdx │ ├── 4-html-code-validation.mdx │ ├── 5-html-compatibility-considerations.mdx │ ├── 6-html-file-organization.mdx │ ├── 7-html-modular-development.mdx │ ├── 8-html-teamwork.mdx │ ├── 9-html-version-control.mdx │ ├── _category_.json │ └── index.mdx │ ├── 2-html-links-and-navigation │ ├── 0-html-link-base.mdx │ ├── 1-html-link-properties.mdx │ ├── 10-html-anchor-positioning.mdx │ ├── 11-html-breadcrumbs.mdx │ ├── 12-html-link-security.mdx │ ├── 13-html-linking-best-practices.mdx │ ├── 2-html-internal-link.mdx │ ├── 3-html-external-link.mdx │ ├── 4-html-email-link.mdx │ ├── 5-html-phone-link.mdx │ ├── 6-html-link-style.mdx │ ├── 7-html-link-behavior.mdx │ ├── 8-html-link-target.mdx │ ├── 9-html-navigation-menu.mdx │ ├── _category_.json │ └── index.mdx │ ├── 3-html-images-and-multimedia │ ├── 0-html-image-base.mdx │ ├── 1-html-image-properties.mdx │ ├── 10-html-media-controller.mdx │ ├── 11-html-multimedia-format.mdx │ ├── 12-html-multimedia-performance.mdx │ ├── 13-html-multimedia-accessibility.mdx │ ├── 2-html-image-format.mdx │ ├── 3-html-responsive-image.mdx │ ├── 4-html-image-mapping.mdx │ ├── 5-html-background-image.mdx │ ├── 6-html-gallery.mdx │ ├── 7-html-audio-element.mdx │ ├── 8-html-video-element.mdx │ ├── 9-html-embed-content.mdx │ ├── _category_.json │ └── index.mdx │ ├── 4-html-lists-and-tables │ ├── 0-html-unordered-list.mdx │ ├── 1-html-ordered-list.mdx │ ├── 10-html-table-merge-cells.mdx │ ├── 11-html-table-grouping.mdx │ ├── 12-html-table-accessibility.mdx │ ├── 13-html-responsive-table.mdx │ ├── 2-html-definition-list.mdx │ ├── 3-html-list-nesting.mdx │ ├── 4-html-list-style.mdx │ ├── 5-html-table-base.mdx │ ├── 6-html-table-structure.mdx │ ├── 7-html-table-title.mdx │ ├── 8-html-table-border.mdx │ ├── 9-html-table-style.mdx │ ├── _category_.json │ └── index.mdx │ ├── 5-html-forms │ ├── 0-html-form-base.mdx │ ├── 1-html-form-properties.mdx │ ├── 10-html-form-style.mdx │ ├── 11-html-form-grouping.mdx │ ├── 12-html-form-processing.mdx │ ├── 13-html-form-security.mdx │ ├── 2-html-input-type.mdx │ ├── 3-html-text-input.mdx │ ├── 4-html-radio-button.mdx │ ├── 5-html-checkbox.mdx │ ├── 6-html-drop-down-list.mdx │ ├── 7-html-textarea.mdx │ ├── 8-html-button.mdx │ ├── 9-html-form-validation.mdx │ ├── _category_.json │ └── index.mdx │ ├── 6-html-layout-element │ ├── 0-html-semantic-layout.mdx │ ├── 1-html-block-element.mdx │ ├── 10-html-hide-element.mdx │ ├── 11-html-display-mode.mdx │ ├── 12-html-layout-technology.mdx │ ├── 13-html-framework-model.mdx │ ├── 2-html-inline-element.mdx │ ├── 3-html-header-element.mdx │ ├── 4-html-footer-element.mdx │ ├── 5-html-navigation-element.mdx │ ├── 6-html-main-content.mdx │ ├── 7-html-chapter-element.mdx │ ├── 8-html-sidebar.mdx │ ├── 9-htmlgroupingelement.mdx │ ├── _category_.json │ └── index.mdx │ ├── 7-html-responsive-design │ ├── 0-html-responsive-overview.mdx │ ├── 1-html-viewport-settings.mdx │ ├── 10-html-breakpoint-design.mdx │ ├── 11-html-mobile-first.mdx │ ├── 12-html-adaptive-design.mdx │ ├── 13-html-responsive-framework.mdx │ ├── 2-html-responsive-image.mdx │ ├── 3-html-responsive-table.mdx │ ├── 4-html-media-query.mdx │ ├── 5-html-responsive-text.mdx │ ├── 6-html-responsive-video.mdx │ ├── 7-html-responsive-layout.mdx │ ├── 8-html-streaming-layout.mdx │ ├── 9-html-grid-system.mdx │ ├── _category_.json │ └── index.mdx │ ├── 8-html-advanced-features │ ├── 0-html-custom-data-properties.mdx │ ├── 1-html-drag-and-drop-functionality.mdx │ ├── 10-html-web-notification.mdx │ ├── 11-html-scroll-capture.mdx │ ├── 12-html-touch-event.mdx │ ├── 13-html-canvas-element.mdx │ ├── 2-html-content-editable.mdx │ ├── 3-html-geolocation.mdx │ ├── 4-html-offline-app.mdx │ ├── 5-html-local-storage.mdx │ ├── 6-html-session-storage.mdx │ ├── 7-html-web-workers.mdx │ ├── 8-html-server-sent-events.mdx │ ├── 9-html-history-api.mdx │ ├── _category_.json │ └── index.mdx │ └── 9-html-web-component │ ├── 0-html-web-component-overview.mdx │ ├── 1-html-template-element.mdx │ ├── 10-html-component-library.mdx │ ├── 11-html-component-performance.mdx │ ├── 12-html-component-testing.mdx │ ├── 13-html-component-best-practices.mdx │ ├── 2-html-custom-element.mdx │ ├── 3-html-shadow-dom.mdx │ ├── 4-html-html-import.mdx │ ├── 5-html-component-lifecycle.mdx │ ├── 6-html-component-style.mdx │ ├── 7-html-component-event.mdx │ ├── 8-html-component-communication.mdx │ ├── 9-html-component-multiplexing.mdx │ ├── _category_.json │ └── index.mdx ├── docusaurus.config.js ├── package.json ├── sidebars.js ├── src ├── components │ ├── Comments │ │ └── index.tsx │ ├── HomepageFeatures │ │ ├── index.js │ │ └── styles.module.css │ └── PageMetaDataWithoutSiteName.js ├── css │ └── custom.css ├── pages │ ├── index.js │ └── index.module.css └── theme │ ├── DocItem │ ├── Content │ │ └── index.js │ └── Footer │ │ └── index.js │ └── Layout │ ├── Provider │ └── index.js │ ├── index.js │ └── styles.module.css └── static ├── .nojekyll ├── 339e8ce1d5506659b08851ed9192c9dc.txt ├── 50b3d5ebab3f48a3a61b2f871fc82974.txt ├── ads.txt ├── apple-touch-icon.png ├── baidu_verify_codeva-JoCYGkSZrG.html ├── baidu_verify_codeva-mjSAS9gv7v.html ├── favicon-96x96.png ├── favicon.ico ├── favicon.svg ├── homepage.png ├── html └── pyscript.html ├── img ├── android-chrome-192x192.png ├── android-chrome-512x512.png ├── apple-touch-icon.png ├── data-logo │ ├── airflow_logo.png │ ├── drill_logo.png │ ├── hadoop_logo.png │ ├── r_logo.png │ └── spark_logo.png ├── database-logo │ ├── cassandra_logo.png │ ├── elasticsearch_logo.png │ ├── hbase_logo.png │ ├── hive_logo.png │ ├── mongodb_logo.png │ ├── mysql_logo.png │ └── postgresql_logo.png ├── devops-logo │ ├── cicd_logo.png │ ├── docker_logo.png │ ├── git_logo.png │ ├── jenkins_logo.png │ └── kubernetes_logo.png ├── docusaurus-social-card.jpg ├── docusaurus.png ├── favicon-16x16.png ├── favicon-32x32.png ├── favicon.ico ├── framework-logo │ ├── android_logo.png │ ├── angular_logo.png │ ├── django_logo.png │ ├── dotnet_logo.png │ ├── echo_logo.png │ ├── express_logo.png │ ├── fastapi_logo.png │ ├── flask_logo.png │ ├── gin_logo.png │ ├── nextjs_logo.png │ ├── react_logo.png │ ├── spring_cloud_logo.png │ ├── spring_logo.png │ ├── vue_logo.png │ ├── wechatminiprogram_logo.png │ └── wordpress_logo.png ├── fundamentals-logo │ ├── database_logo.png │ ├── dsa_logo.png │ ├── interview_logo.png │ ├── lean_logo.png │ ├── network_logo.png │ ├── os_logo.png │ └── prism_logo.png ├── iot-logo │ ├── 51_logo.png │ ├── arduino_logo.png │ └── stm32_logo.png ├── language-logo │ ├── c_logo.png │ ├── cpp_logo.png │ ├── csharp_logo.png │ ├── go_logo.png │ ├── java-logo.png │ ├── javascript-logo.png │ ├── kotlin_logo.png │ ├── mysql_logo.png │ ├── php_logo.png │ ├── python-logo-only.png │ ├── rust_logo.png │ ├── sql_logo.png │ ├── swift_logo.png │ └── typescript_logo.png ├── library-logo │ ├── pandas_logo.png │ ├── pytorch_logo.png │ └── tensorflow_logo.png ├── logo-512.png ├── logo.png ├── middleware-logo │ ├── kafka_logo.png │ ├── kong_logo.png │ ├── nacos_logo.png │ ├── nginx_logo.png │ ├── rabbitmq_logo.png │ ├── redis_logo.png │ ├── rocketmq_logo.png │ ├── seata_logo.png │ ├── sentinel_logo.png │ └── zookeeper_logo.png ├── observability-logo │ ├── alloy_logo.png │ ├── grafana_logo.png │ ├── jaeger_logo.png │ ├── loki_logo.png │ ├── opentelemetry_logo.png │ ├── prometheus_logo.png │ ├── skywalking_logo.png │ └── zipkin_logo.png ├── os-logo │ ├── centos_logo.png │ ├── debian_logo.png │ └── ubuntu_logo.png ├── undraw_docusaurus_mountain.svg ├── undraw_docusaurus_react.svg ├── undraw_docusaurus_tree.svg └── web-logo │ ├── css_logo.png │ └── html_logo.png ├── katex ├── README.md ├── contrib │ ├── auto-render.js │ ├── auto-render.min.js │ ├── auto-render.mjs │ ├── copy-tex.js │ ├── copy-tex.min.js │ ├── copy-tex.mjs │ ├── mathtex-script-type.js │ ├── mathtex-script-type.min.js │ ├── mathtex-script-type.mjs │ ├── mhchem.js │ ├── mhchem.min.js │ ├── mhchem.mjs │ ├── render-a11y-string.js │ ├── render-a11y-string.min.js │ └── render-a11y-string.mjs ├── fonts │ ├── KaTeX_AMS-Regular.ttf │ ├── KaTeX_AMS-Regular.woff │ ├── KaTeX_AMS-Regular.woff2 │ ├── KaTeX_Caligraphic-Bold.ttf │ ├── KaTeX_Caligraphic-Bold.woff │ ├── KaTeX_Caligraphic-Bold.woff2 │ ├── KaTeX_Caligraphic-Regular.ttf │ ├── KaTeX_Caligraphic-Regular.woff │ ├── KaTeX_Caligraphic-Regular.woff2 │ ├── KaTeX_Fraktur-Bold.ttf │ ├── KaTeX_Fraktur-Bold.woff │ ├── KaTeX_Fraktur-Bold.woff2 │ ├── KaTeX_Fraktur-Regular.ttf │ ├── KaTeX_Fraktur-Regular.woff │ ├── KaTeX_Fraktur-Regular.woff2 │ ├── KaTeX_Main-Bold.ttf │ ├── KaTeX_Main-Bold.woff │ ├── KaTeX_Main-Bold.woff2 │ ├── KaTeX_Main-BoldItalic.ttf │ ├── KaTeX_Main-BoldItalic.woff │ ├── KaTeX_Main-BoldItalic.woff2 │ ├── KaTeX_Main-Italic.ttf │ ├── KaTeX_Main-Italic.woff │ ├── KaTeX_Main-Italic.woff2 │ ├── KaTeX_Main-Regular.ttf │ ├── KaTeX_Main-Regular.woff │ ├── KaTeX_Main-Regular.woff2 │ ├── KaTeX_Math-BoldItalic.ttf │ ├── KaTeX_Math-BoldItalic.woff │ ├── KaTeX_Math-BoldItalic.woff2 │ ├── KaTeX_Math-Italic.ttf │ ├── KaTeX_Math-Italic.woff │ ├── KaTeX_Math-Italic.woff2 │ ├── KaTeX_SansSerif-Bold.ttf │ ├── KaTeX_SansSerif-Bold.woff │ ├── KaTeX_SansSerif-Bold.woff2 │ ├── KaTeX_SansSerif-Italic.ttf │ ├── KaTeX_SansSerif-Italic.woff │ ├── KaTeX_SansSerif-Italic.woff2 │ ├── KaTeX_SansSerif-Regular.ttf │ ├── KaTeX_SansSerif-Regular.woff │ ├── KaTeX_SansSerif-Regular.woff2 │ ├── KaTeX_Script-Regular.ttf │ ├── KaTeX_Script-Regular.woff │ ├── KaTeX_Script-Regular.woff2 │ ├── KaTeX_Size1-Regular.ttf │ ├── KaTeX_Size1-Regular.woff │ ├── KaTeX_Size1-Regular.woff2 │ ├── KaTeX_Size2-Regular.ttf │ ├── KaTeX_Size2-Regular.woff │ ├── KaTeX_Size2-Regular.woff2 │ ├── KaTeX_Size3-Regular.ttf │ ├── KaTeX_Size3-Regular.woff │ ├── KaTeX_Size3-Regular.woff2 │ ├── KaTeX_Size4-Regular.ttf │ ├── KaTeX_Size4-Regular.woff │ ├── KaTeX_Size4-Regular.woff2 │ ├── KaTeX_Typewriter-Regular.ttf │ ├── KaTeX_Typewriter-Regular.woff │ └── KaTeX_Typewriter-Regular.woff2 ├── katex.css ├── katex.js ├── katex.min.css ├── katex.min.js └── katex.mjs ├── pyscript ├── codemirror--3s2JBAa.js ├── codemirror--3s2JBAa.js.map ├── codemirror_commands-SZdOE5nU.js ├── codemirror_commands-SZdOE5nU.js.map ├── codemirror_lang-python-B0MlLV5c.js ├── codemirror_lang-python-B0MlLV5c.js.map ├── codemirror_language-0XdDQPdy.js ├── codemirror_language-0XdDQPdy.js.map ├── codemirror_state-1UkzIAPK.js ├── codemirror_state-1UkzIAPK.js.map ├── codemirror_view-ZQwfolI2.js ├── codemirror_view-ZQwfolI2.js.map ├── core-xkhao-Zt.js ├── core-xkhao-Zt.js.map ├── core.css ├── core.js ├── core.js.map ├── deprecations-manager-DIL11Uan.js ├── deprecations-manager-DIL11Uan.js.map ├── donkey-w-OednH8.js ├── donkey-w-OednH8.js.map ├── error-CpWQYgrv.js ├── error-CpWQYgrv.js.map ├── index-CBunExOX.js ├── index-CBunExOX.js.map ├── mpy-2bllnyOE.js ├── mpy-2bllnyOE.js.map ├── py-Cmo2OiGN.js ├── py-Cmo2OiGN.js.map ├── py-editor-Ck6nJOCK.js ├── py-editor-Ck6nJOCK.js.map ├── py-game-CmJgwMog.js ├── py-game-CmJgwMog.js.map ├── py-terminal-DY6MEYss.js ├── py-terminal-DY6MEYss.js.map ├── storage.js ├── storage.js.map ├── toml-BLBSZ43A.js ├── toml-BLBSZ43A.js.map ├── toml-DiUM0_qs.js ├── toml-DiUM0_qs.js.map ├── xterm-7LwxAMsn.js ├── xterm-7LwxAMsn.js.map ├── xterm-readline-e8QPhSrm.js ├── xterm-readline-e8QPhSrm.js.map ├── xterm.css ├── xterm_addon-fit--gyF3PcZ.js ├── xterm_addon-fit--gyF3PcZ.js.map ├── xterm_addon-web-links-Cnej-nJ6.js ├── xterm_addon-web-links-Cnej-nJ6.js.map ├── zip-DPXsOtR5.js └── zip-DPXsOtR5.js.map ├── robots.txt ├── site.webmanifest ├── sogousiteverification.txt ├── svg ├── Python │ ├── python-logo-generic.svg │ └── python-logo-only.svg └── java │ └── java-vertical.svg ├── web-app-manifest-192x192.png └── web-app-manifest-512x512.png /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/.gitignore -------------------------------------------------------------------------------- /.idea/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/.idea/.gitignore -------------------------------------------------------------------------------- /.idea/cool-coding.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/.idea/cool-coding.iml -------------------------------------------------------------------------------- /.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/.idea/modules.xml -------------------------------------------------------------------------------- /.idea/vcs.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/.idea/vcs.xml -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/README.md -------------------------------------------------------------------------------- /blog/authors.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/blog/authors.yml -------------------------------------------------------------------------------- /blog/tags.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/blog/tags.yml -------------------------------------------------------------------------------- /docs/ai/pytorch/0-pytorch-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 基础" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/1-pytorch-automatic-differentiation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 自动微分" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/10-pytorch-reinforcement-learning/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 强化学习" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/12-pytorch-graph-neural-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 图神经网络" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/13-pytorch-advanced-applications/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 高级应用" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/14-pytorch-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/15-pytorch-project-practice/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 项目实战" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/2-pytorch-neural-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 神经网络" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/3-pytorch-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/5-pytorch-recurrent-neural-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 循环神经网络" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/7-pytorch-optimization-and-training/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 优化与训练" 3 | } -------------------------------------------------------------------------------- /docs/ai/pytorch/9-pytorch-generative-model/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PyTorch 生成模型" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/0-tensorflow-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 基础" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/1-tensorflow-core-concepts/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 核心概念" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/13-tensorflow-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/14-tensorflow-project-practice/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 项目实战" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/15-tensorflow-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/2-tensorflow-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/3-tensorflow-model-construction/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 模型构建" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/4-tensorflow-neural-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 神经网络" 3 | } -------------------------------------------------------------------------------- /docs/ai/tensorflow/7-tensorflow-advanced-model/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TensorFlow 高级模型" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/0-airflow-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 基础" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/1-airflow-dag-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow DAG开发" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/10-airflow-monitoring-and-logging/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 监控与日志" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/12-airflow-deployment-and-scaling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 部署与扩展" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/13-airflow-cicd-and-devops/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow CI/CD与DevOps" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/15-airflow-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/3-airflow-sensors-app/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow Sensors应用" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/4-airflow-variables-and-connection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 变量与连接" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/7-airflow-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/data/airflow/8-airflow-data-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Airflow 数据集成" 3 | } -------------------------------------------------------------------------------- /docs/data/drill/0-apache-drill-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Apache Drill 基础" 3 | } -------------------------------------------------------------------------------- /docs/data/drill/1-apache-drill-query-language/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Apache Drill 查询语言" 3 | } -------------------------------------------------------------------------------- /docs/data/drill/12-apache-drill-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Apache Drill 故障排除" 3 | } -------------------------------------------------------------------------------- /docs/data/drill/14-apache-drill-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Apache Drill 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/data/drill/2-apache-drill-data-source/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Apache Drill 数据源" 3 | } -------------------------------------------------------------------------------- /docs/data/drill/4-apache-drill-advanced-query/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Apache Drill 高级查询" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/0-hadoop-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 基础" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/1-hdfs-file-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HDFS文件系统" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/11-hadoop-security-mechanism/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 安全机制" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/12-hadoop-cloud-deployment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 云部署" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/13-hadoop-data-governance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 数据治理" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/14-hadoop-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/15-hadoop-practical-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 实战应用" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/16-hadoop-cutting-edge-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 前沿技术" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/2-mapreduce-programming-model/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MapReduce编程模型" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/3-yarn-resource-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "YARN资源管理" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/5-hbase-database/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase数据库" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/6-hive-data-warehouse/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive数据仓库" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/7-spark-framework/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark框架" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/8-zookeeper-coordination-service/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "ZooKeeper协调服务" 3 | } -------------------------------------------------------------------------------- /docs/data/hadoop/9-hadoop-ecosystem-tools/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hadoop 生态工具" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/0-pandas-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 基础" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/1-pandas-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/10-pandas-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/12-pandas-data-cleaning/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据清洗" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/13-pandas-text-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 文本处理" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/14-pandas-battle-cases/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 实战案例" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/15-pandas-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/2-pandas-data-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据分析" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/3-pandas-index-and-selection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 索引与选择" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/4-pandas-data-transformation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据变换" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/5-pandas-data-merge/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据合并" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/6-pandas-data-reshaping/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据重塑" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/7-pandas-time-series/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 时间序列" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/8-pandas-data-visualization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 数据可视化" 3 | } -------------------------------------------------------------------------------- /docs/data/pandas/9-pandas-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pandas 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/data/r/0-r-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 基础" 3 | } -------------------------------------------------------------------------------- /docs/data/r/1-rcontrol-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 控制流" 3 | } -------------------------------------------------------------------------------- /docs/data/r/10-machine-learning/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 机器学习" 3 | } -------------------------------------------------------------------------------- /docs/data/r/11-advanced-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 高级编程" 3 | } -------------------------------------------------------------------------------- /docs/data/r/12-r-package-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 包开发" 3 | } -------------------------------------------------------------------------------- /docs/data/r/13-reports-and-presentations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 报告与展示" 3 | } -------------------------------------------------------------------------------- /docs/data/r/14-r-spatial-data-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 空间数据分析" 3 | } -------------------------------------------------------------------------------- /docs/data/r/15-r-time-series-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 时间序列分析" 3 | } -------------------------------------------------------------------------------- /docs/data/r/17-financial-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 金融分析" 3 | } -------------------------------------------------------------------------------- /docs/data/r/18-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/data/r/2-r-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 函数" 3 | } -------------------------------------------------------------------------------- /docs/data/r/3-rdata-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 数据结构" 3 | } -------------------------------------------------------------------------------- /docs/data/r/4-r-string-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 字符串处理" 3 | } -------------------------------------------------------------------------------- /docs/data/r/5-r-data-import-and-export/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 数据导入与导出" 3 | } -------------------------------------------------------------------------------- /docs/data/r/6-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/data/r/7-r-data-visualization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 数据可视化" 3 | } -------------------------------------------------------------------------------- /docs/data/r/8-statistical-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 统计分析" 3 | } -------------------------------------------------------------------------------- /docs/data/r/9-r-data-science-tools/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "R 数据科学工具" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/0-spark-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark 基础" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/1-spark-rdd-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark RDD编程" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/10-spark-project-practice/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark 项目实战" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/11-spark-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/13-spark-and-real-time-data-lake/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark 与实时数据湖" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/14-spark-cutting-edge-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark 前沿技术" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/2-spark-sql-and-dataframe/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark SQL与DataFrame" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/3-spark-streaming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark Streaming" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/5-spark-mllib-machine-learning/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark MLlib机器学习" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/6-spark-graphx-graph-computing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark GraphX图计算" 3 | } -------------------------------------------------------------------------------- /docs/data/spark/9-spark-integration-with-data-sources/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spark 与数据源集成" 3 | } -------------------------------------------------------------------------------- /docs/database/cassandra/0-cassandra-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Cassandra 基础" 3 | } -------------------------------------------------------------------------------- /docs/database/cassandra/1-cassandra-data-modeling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Cassandra 数据建模" 3 | } -------------------------------------------------------------------------------- /docs/database/cassandra/14-cassandra-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Cassandra 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/database/cassandra/2-cql-language/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CQL语言" 3 | } -------------------------------------------------------------------------------- /docs/database/cassandra/8-cassandra-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Cassandra 安全" 3 | } -------------------------------------------------------------------------------- /docs/database/cassandra/9-cassandra-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Cassandra 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/database/elasticsearch/1-elasticsearch-query/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Elasticsearch 查询" 3 | } -------------------------------------------------------------------------------- /docs/database/elasticsearch/7-elasticsearch-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Elasticsearch 运维管理" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/0-hbase-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 基础" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/1-hbase-data-model/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 数据模型" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/10-hbase-ecological-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 生态集成" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/11-hbase-coprocessor/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 协处理器" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/12-hbase-security-mechanism/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 安全机制" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/13-hbase-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 故障排除" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/14-best-practices-for-hbase/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/15-hbase-practical-case/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 实战案例" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/16-hbase-version-and-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 版本与发展" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/2-hbase-operation-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 操作基础" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/3-hbase-api-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase API编程" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/4-hbase-advanced-query/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 高级查询" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/5-hbase-storage-architecture/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 存储架构" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/6-hbase-cluster-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 集群管理" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/7-hbase-internal-mechanism/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 内部机制" 3 | } -------------------------------------------------------------------------------- /docs/database/hbase/8-hbase-performance-tuning/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HBase 性能调优" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/0-hive-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 基础" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/1-hive-data-types-and-tables/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 数据类型与表" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/10-hive-ecosystem-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 生态系统集成" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/11-hive-stream-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 流式处理" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/12-hive-data-warehouse-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 数据仓库设计" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/13-hive-practical-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 实践应用" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/14-hive-security-and-governance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 安全与治理" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/15-hive-deployment-and-operation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 部署与运维" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/16-hive-and-cloud-services/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 与云服务" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/17-hive-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/2-hive-ddl-operation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive DDL操作" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/3-hive-dml-operation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive DML操作" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/4-hiveql-query-language/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive QL查询语言" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/5-hive-table-connection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 表连接" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/6-hive-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 函数" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/7-hive-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/8-hive-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/database/hive/9-hive-tuning-and-monitoring/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Hive 调优与监控" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/0-mysql-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 基础" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/1-mysql-data-type/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 数据类型" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/10-mysql-trigger/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 触发器" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/11-mysql-functions-and-procedures/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 函数与过程" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/12-mysql-transactions-locks/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 事务与锁" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/13-mysql-security-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 安全管理" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/14-mysql-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/16-mysql-backup-recovery/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 备份与恢复" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/17-using-the-mysql-tool/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 工具使用" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/18-mysql-and-app-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 与应用开发" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/19-mysql-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/2-mysql-table-actions/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 表操作" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/20-mysql-versioning-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 版本特性" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/3-mysql-data-manipulation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 数据操作" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/4-mysql-query-language/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 查询语言" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/5-mysql-advanced-query/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 高级查询" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/6-mysql-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 函数" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/7-mysql-index/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 索引" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/8-mysql-view/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 视图" 3 | } -------------------------------------------------------------------------------- /docs/database/mysql/9-mysql-stored-procedure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "MySQL 存储过程" 3 | } -------------------------------------------------------------------------------- /docs/database/postgresql/0-postgresql-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PostgreSQL 基础" 3 | } -------------------------------------------------------------------------------- /docs/database/postgresql/1-postgresql-data-type/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PostgreSQL 数据类型" 3 | } -------------------------------------------------------------------------------- /docs/database/postgresql/13-postgresql-scenario/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PostgreSQL 应用场景" 3 | } -------------------------------------------------------------------------------- /docs/database/postgresql/6-postgresql-constraint/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PostgreSQL 约束" 3 | } -------------------------------------------------------------------------------- /docs/database/postgresql/7-postgresql-index/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PostgreSQL 索引" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/0-sql-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 基础" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/1-sql-data-definition/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 数据定义" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/10-sql-transaction-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 事务管理" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/11-sql-views/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 视图" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/12-sql-stored-procedure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 存储过程" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/13-sql-trigger/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 触发器" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/14-sql-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 函数" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/15-sql-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 安全" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/16-sql-database-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 数据库设计" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/17-sql-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/2-sql-data-query/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 数据查询" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/3-sql-data-sorting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 数据排序" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/4-sql-data-filtering/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 数据过滤" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/5-sql-data-manipulation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 数据操作" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/6-sql-aggregate-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 聚合函数" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/7-sql-table-connection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 表连接" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/8-sql-advanced-query/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 高级查询" 3 | } -------------------------------------------------------------------------------- /docs/database/sql/9-sql-indexing-and-performance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL 索引与性能" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/0-docker-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 基础" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/1-docker-image-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 镜像管理" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/10-docker-cicd-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker CI/CD集成" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/11-docker-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/12-docker-production-environment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 生产环境" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/13-docker-scenarios/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 应用场景" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/14-docker-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/15-troubleshooting-docker/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 故障排查" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/2-docker-container-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 容器操作" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/3-written-by-dockerfile/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker file编写" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/4-docker-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 网络" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/5-docker-storage/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 存储" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/6-docker-compose/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker Compose" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/7-docker-swarm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker Swarm" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/8-docker-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 安全" 3 | } -------------------------------------------------------------------------------- /docs/devops/docker/9-docker-monitoring-and-logging/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Docker 监控与日志" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/0-git-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 基础" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/1-basic-git-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 基本操作" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/10-git-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 问题排查" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/11-git-extensions-and-plugins/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 扩展与插件" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/12-git-hosting-platform/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 托管平台" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/13-git-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/14-git-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 进阶主题" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/2-git-branch-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 分支管理" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/3-git-remote-operation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 远程操作" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/4-git-workflow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 工作流" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/5-git-advanced-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 高级操作" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/6-git-internals/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 内部原理" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/7-git-configuration-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 配置管理" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/8-git-security-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 安全实践" 3 | } -------------------------------------------------------------------------------- /docs/devops/git/9-git-integration-tools/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Git 集成工具" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/0-jenkins-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 基础" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/1-jenkins-task-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 任务管理" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/10-jenkins-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 安全" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/11-jenkins-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/13-jenkins-devops-practice/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins DevOps实践" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/16-jenkins-plugin-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 插件开发" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/17-jenkins-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/2-jenkins-build-environment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 构建环境" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/4-jenkins-pipeline/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 流水线" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/6-jenkins-and-code-quality/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 与代码质量" 3 | } -------------------------------------------------------------------------------- /docs/devops/jenkins/8-jenkins-deployment-and-release/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jenkins 部署与发布" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/0-kubernetes-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 基础" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/1-kubernetes-core-concepts/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 核心概念" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/10-kubernetes-automation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 自动化" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/11-kubernetes-extension/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 扩展" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/13-kubernetes-service-grid/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 服务网格" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/14-kubernetes-serverless/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 无服务器" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/2-kubernetes-workload/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 工作负载" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/4-kubernetes-storage/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 存储" 3 | } -------------------------------------------------------------------------------- /docs/devops/kubernetes/6-kubernetes-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kubernetes 安全" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/0-java-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/1-java-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java控制流" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/11-android-multimedia/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android多媒体" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/17-android-advanced-themes/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android高级主题" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/18-android-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/3-java-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java数据结构" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/4-java-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java字符串" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/5-java-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java高级特性" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/6-android-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/7-android-ui-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android UI设计" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/8-android-user-interaction/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android用户交互" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_java/9-android-data-storage/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android数据存储" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/0-kotlin-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kotlin基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/1-kotlin-core-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kotlin核心特性" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/11-android-multimedia/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android多媒体" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/15-android-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android安全" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/4-kotlin-coroutine/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kotlin协程" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/6-android-user-interface/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android用户界面" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/7-android-jetpack/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android Jetpack" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/8-android-compose/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android Compose" 3 | } -------------------------------------------------------------------------------- /docs/framework/android_kotlin/9-android-data-storage/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Android数据存储" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/0-django-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/1-django-models-and-databases/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 模型与数据库" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/10-django-deployment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 部署" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/11-django-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 安全" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/14-django-extension-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 扩展应用" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/15-django-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/2-django-view-with-url/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 视图与URL" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/3-django-template-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 模板系统" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/4-django-form-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 表单处理" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/6-django-management-site/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 管理站点" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/7-django-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/8-django-rest-framework/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django REST框架" 3 | } -------------------------------------------------------------------------------- /docs/framework/django/9-django-test/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Django 测试" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/0-gin-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/10-gin-logging-and-monitoring/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 日志与监控" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/11-gin-deployment-and-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 部署与运维" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/12-gin-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/13-gin-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/2-gin-response-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 响应处理" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/3-gin-middleware/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 中间件" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/4-gin-template-rendering/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 模板渲染" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/5-gin-integration-with-database/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 与数据库集成" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/7-gin-rest-api-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin REST API开发" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/8-gin-websocket/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin WebSocket" 3 | } -------------------------------------------------------------------------------- /docs/framework/gin/9-gin-test/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Gin 测试" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/0-nextjs-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/1-nextjs-routing-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 路由系统" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/12-nextjs-test/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 测试" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/15-nextjs-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/16-nextjs-project-practice/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 项目实战" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/17-nextjs-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/2-nextjs-rendering-strategy/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 渲染策略" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/3-nextjs-data-acquisition/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 数据获取" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/4-nextjs-status-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 状态管理" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/5-nextjs-style-solution/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 样式解决方案" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/6-nextjs-form-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 表单处理" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/8-nextjs-database-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 数据库集成" 3 | } -------------------------------------------------------------------------------- /docs/framework/nextjs/9-nextjs-advanced-components/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Next.js 高级组件" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/0-react-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/1-react-component-advanced/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 组件进阶" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/10-react-server-rendering/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 服务端渲染" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/11-react-and-typescript/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 与TypeScript" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/12-react-engineering/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 工程化" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/14-react-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/15-react-design-patterns/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/16-react-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 安全" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/17-react-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/2-react-hooks/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React Hooks" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/3-react-state-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 状态管理" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/4-react-routing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 路由" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/5-react-form-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 表单处理" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/6-react-style-and-ui/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 样式与UI" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/7-react-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/8-react-testing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 测试" 3 | } -------------------------------------------------------------------------------- /docs/framework/react/9-react-interacts-with-the-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "React 与API交互" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/0-spring-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/1-spring-ioc-container/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring IoC容器" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/10-spring-boot/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring Boot" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/11-spring-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring Security" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/12-spring-cloud/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring Cloud" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/13-spring-data/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 数据" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/14-spring-test/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 测试" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/15-spring-cache/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 缓存" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/16-spring-message/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 消息" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/17-spring-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/2-spring-bean-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring Bean管理" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/3-spring-annotation-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 注解开发" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/4-spring-aop/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring AOP" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/5-spring-data-access/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring 数据访问" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/6-spring-orm-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring ORM整合" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/7-spring-mvc/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring MVC" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/8-spring-web-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring Web开发" 3 | } -------------------------------------------------------------------------------- /docs/framework/spring/9-spring-rest/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring REST" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/0-vuejs-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/1-vuejs-component-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 组件基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/10-vuejs-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/11-vuejs-modular-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 组合式API" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/12-vuejs-and-typescript/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 与TypeScript" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/13-vuejs-test/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 测试" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/14-vuejs-deployment-and-build/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 部署与构建" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/15-vuejs-project-architecture/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 项目架构" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/16-vuejs-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/17-vuejs-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/2-vuejs-drilldown-component/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 深入组件" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/3-vuejs-transitions-and-animations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 过渡与动画" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/5-vue-router-routing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue Router路由" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/6-vuex-state-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vuex状态管理" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/7-vuejs-interacts-with-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Vue.js 与API交互" 3 | } -------------------------------------------------------------------------------- /docs/framework/vue/8-pinia-state-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Pinia状态管理" 3 | } -------------------------------------------------------------------------------- /docs/framework/wechatminiprogram/1-wxml-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "WXML基础" 3 | } -------------------------------------------------------------------------------- /docs/framework/wechatminiprogram/2-wxss-style/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "WXSS样式" 3 | } -------------------------------------------------------------------------------- /docs/framework/wechatminiprogram/5-applet-api-usage/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "小程序API使用" 3 | } -------------------------------------------------------------------------------- /docs/framework/wechatminiprogram/9-applet-user-experience/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "小程序用户体验" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/0-algorithmic-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "算法基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/1-linear-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "线性数据结构" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/11-string-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "字符串算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/14-randomization-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "随机化算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/16-algorithmic-design-tips/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "算法设计技巧" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/17-practical-use-cases/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "实际应用案例" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/2-nonlinear-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "非线性数据结构" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/3-sorting-algorithm-order-by/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "排序算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/4-search-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "搜索算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/5-advanced-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "高级数据结构" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/6-graph-theory-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "图论算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/7-dynamic-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "动态规划" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/8-greedy-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "贪心算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/algorithm/9-divide-and-conquer-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "分治算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/0-database-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据库基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/1-sql-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/12-enterprise-information-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "企业信息系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/15-data-quality-and-governance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据质量与治理" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/2-sql-advanced-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SQL高级操作" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/3-relational-database-theory/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "关系数据库理论" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/4-database-design-and-modeling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据库设计与建模" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/5-database-management-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据库管理系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/database/6-non-relational-database/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "非关系型数据库" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/0-data-structure-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据结构基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/1-algorithm-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "算法基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/10-java-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/11-java-concurrent-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java并发编程" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/12-jvm-related/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JVM相关" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/13-spring-framework/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Spring框架" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/14-distributed-systems/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "分布式系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/15-front-end-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "前端基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/16-front-end-framework/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "前端框架" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/18-interview-tips/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "面试技巧" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/2-sorting-algorithms/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "排序算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/3-search-algorithms/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "搜索算法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/4-operating-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "操作系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/5-computer-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "计算机网络" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/6-database-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据库基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/7-nosql-database/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "NoSQL数据库" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/8-design-patterns/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "设计模式" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/interview/9-system-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "系统设计" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/0-lean-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/1-lean-type-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 类型系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/11-lean-and-math-library/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 与数学库" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/12-lean-and-software-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 与软件开发" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/13-lean-metaprogramming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 元编程" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/14-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 4特性" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/15-lean-practice-project/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 实践项目" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/16-lean-community-and-resources/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 社区与资源" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/2-lean-functional-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 函数式编程" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/3-lean-proof-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 证明基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/4-lean-propositional-logic/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 命题逻辑" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/5-lean-algebraic-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 代数结构" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/6-lean-induction-and-recursion/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 归纳与递归" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/7-lean-program-verification/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 程序验证" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/8-lean-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 数据结构" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/lean/9-lean-mathematics-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Lean 数学基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/0-basic-computer-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "计算机网络 基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/1-physical-layer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "物理层" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/10-internet-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "互联网技术" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/12-network-protocol-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "网络协议分析" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/14-cloud-data-center-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "云与数据中心网络" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/15-emerging-network-technologies/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "新兴网络技术" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/2-data-link-layer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "数据链路层" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/3-lan-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "局域网技术" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/4-network-layer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "网络层" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/5-routable-protocol/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "路由协议" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/6-transmission-layer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "传输层" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/7-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "应用层" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/8-network-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "网络安全" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/network/9-wireless-network/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "无线网络" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/0-operating-system-fundamentals/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "操作系统 基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/1-process-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "进程管理" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/10-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "性能与优化" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/11-real-time-operating-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "实时操作系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/12-embedded-operating-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "嵌入式操作系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/13-operating-system-instance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "操作系统 实例" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/14-operating-system-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "操作系统 设计" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/15-os-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "操作系统 高级话题" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/2-thread-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "线程管理" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/3-ram-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "内存管理" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/4-file-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "文件系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/6-concurrency-and-synchronization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "并发与同步" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/7-security-protection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "安全与保护" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/8-distributed-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "分布式系统" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/os/9-virtualization-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "虚拟化技术" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/0-prism-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/1-prism-modeling-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 建模基础" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/11-prism-application-areas/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 应用领域" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/12-prism-and-formal-methods/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 与形式化方法" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/13-prism-advanced-case-study/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 高级案例研究" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/14-prism-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/2-prism-model-type/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 模型类型" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/3-prism-attribute-specification/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 属性规范" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/4-prism-sequential-logic/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 时序逻辑" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/5-prism-model-detection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 模型检测" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/6-prism-advanced-modeling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 高级建模" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/7-prism-case-study/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 案例研究" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/8-prism-tool-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 工具集成" 3 | } -------------------------------------------------------------------------------- /docs/fundamental/prism/9-prism-advanced-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PRISM 高级技术" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/0-51-mcu-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 基础" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/1-51-mcu-io-operation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 I/O操作" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/10-51-mcu-sensor-interface/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 传感器接口" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/11-51-mcu-motor-control/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 电机控制" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/12-51-mcu-communication-protocol/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 通信协议" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/13-51-mcu-wireless-communication/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 无线通信" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/14-51-mcu-network-applications/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 网络应用" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/15-51-mcu-project-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 项目设计" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/16-51-mcu-advanced-applications/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 高级应用" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/2-51-mcu-interrupt-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 中断系统" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/3-51-mcu-timer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 定时器" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/4-51-mcu-serial-communication/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 串行通信" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/6-51-mcu-ad-and-da-conversion/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 A/D与D/A转换" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/7-51-scm-storage-technology/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 存储技术" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/8-51-mcu-bus-and-interface/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 总线与接口" 3 | } -------------------------------------------------------------------------------- /docs/iot/51/9-51-mcu-real-time-control/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "51单片机 实时控制" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/0-arduino-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 基础" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/1-arduino-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 控制流" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/10-arduino-storage-and-data/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 存储与数据" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/11-arduino-power-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 电源管理" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/12-arduino-project-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 项目结构" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/14-arduino-advanced-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 高级编程" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/16-practical-application-of-arduino/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 实际应用" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/18-arduino-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/2-arduino-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 函数" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/3-arduino-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 数据结构" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/6-arduino-communication-protocol/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 通信协议" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/7-arduino-time-control/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 时间控制" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/8-arduino-sensor/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 传感器" 3 | } -------------------------------------------------------------------------------- /docs/iot/arduino/9-arduino-actuator/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Arduino 执行器" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/0-stm32-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 基础" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/1-stm32-hardware-architecture/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 硬件架构" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/10-stm32-peripheral-interface/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 外设接口" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/11-stm32-startup-and-bootstrap/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 启动与引导" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/12-stm32-commissioning-and-testing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 调试与测试" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/13-stm32-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 高级功能" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/14-stm32-wireless-communication/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 无线通信" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/15-stm32-network-protocol/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 网络协议" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/16-stm32-project-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 项目开发" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/17-stm32hal-library/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 HAL库" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/18-stm32-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/2-stm32gpio/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 GPIO" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/3-stm32-serial-communication/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 串行通信" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/4-stm32-timer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 定时器" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/5-stm32adc-with-dac/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 ADC与DAC" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/6-stm32-low-power-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 低功耗模式" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/7-stm32dma/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 DMA" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/8-stm32rtos/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 RTOS" 3 | } -------------------------------------------------------------------------------- /docs/iot/stm32/9-stm32-file-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "STM32 文件系统" 3 | } -------------------------------------------------------------------------------- /docs/language/c/0-c-language-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言基础" 3 | } -------------------------------------------------------------------------------- /docs/language/c/1-c-language-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/c/10-c-language-advanced-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言高级数据结构" 3 | } -------------------------------------------------------------------------------- /docs/language/c/11-c-language-error-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言错误处理" 3 | } -------------------------------------------------------------------------------- /docs/language/c/13-c-language-standard-library/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言标准库" 3 | } -------------------------------------------------------------------------------- /docs/language/c/14-c-language-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/c/15-c-language-system-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言系统编程" 3 | } -------------------------------------------------------------------------------- /docs/language/c/16-c-language-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言高级特性" 3 | } -------------------------------------------------------------------------------- /docs/language/c/17-c-language-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/language/c/2-c-language-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言函数" 3 | } -------------------------------------------------------------------------------- /docs/language/c/3-c-language-array/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言数组" 3 | } -------------------------------------------------------------------------------- /docs/language/c/4-c-pointer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言指针" 3 | } -------------------------------------------------------------------------------- /docs/language/c/5-c-language-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/c/6-c-language-structures-and-unions/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言结构体与联合" 3 | } -------------------------------------------------------------------------------- /docs/language/c/7-c-language-memory-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言内存管理" 3 | } -------------------------------------------------------------------------------- /docs/language/c/8-c-language-file-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言文件操作" 3 | } -------------------------------------------------------------------------------- /docs/language/c/9-c-language-preprocessor/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C 语言预处理器" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/0-cpp-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/1-cpp-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/10-cpp-operator-overloading/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 运算符重载" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/11-cpp-template/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 模板" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/12-cpp-exception-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 异常处理" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/13-cppstl-container/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ STL容器" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/14-cppstl-iterator/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ STL迭代器" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/15-cppstl-algorithm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ STL算法" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/16-cppstl-function-object/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ STL函数对象" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/17-cpp-files-and-streams/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 文件与流" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/18-cpp-multithreading/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 多线程" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/19-cpp-smart-pointer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 智能指针" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/2-cpp-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/20-new-features-of-cpp11/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 11新特性" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/21-cpp141720-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 14/17/20特性" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/22-cpp-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/23-cpp-debugging-and-testing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 调试与测试" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/24-cpp-and-c-interaction/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 与C交互" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/25-cpp-projects-and-tools/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 项目与工具" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/26-cpp-design-pattern/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/3-cpp-array/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 数组" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/4-cpp-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/5-cpp-pointer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 指针" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/6-cpp-reference/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 引用" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/7-cpp-memory-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 内存管理" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/8-cpp-object-oriented-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 面向对象基础" 3 | } -------------------------------------------------------------------------------- /docs/language/cpp/9-cpp-object-oriented-advanced/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C++ 面向对象高级" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/0-c-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/1-ccontrol-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/10-cexception-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 异常处理" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/11-clinq/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# LINQ" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/12-c-asynchronous-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 异步编程" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/13-c-reflection-and-dynamics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 反射与动态" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/14-c-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/15-c-database-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 数据库编程" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/16-c-concurrency-and-multithreading/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 并发与多线程" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/17-cadvanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/18-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/2-c-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/3-c-arrays-and-collections/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 数组与集合" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/4-c-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/5-c-object-oriented-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 面向对象编程" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/6-cadvanced-class-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 高级类特性" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/7-c-attributes-and-events/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 属性与事件" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/8-c-delegate-and-lambda/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 委托与Lambda" 3 | } -------------------------------------------------------------------------------- /docs/language/csharp/9-c-file-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "C# 文件处理" 3 | } -------------------------------------------------------------------------------- /docs/language/go/0-go-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/go/1-go-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/go/10-go-concurrent-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 并发编程" 3 | } -------------------------------------------------------------------------------- /docs/language/go/11-go-functional-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 函数式编程" 3 | } -------------------------------------------------------------------------------- /docs/language/go/12-go-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/language/go/13-go-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/go/14-go-web-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go Web开发" 3 | } -------------------------------------------------------------------------------- /docs/language/go/15-go-testing-and-debugging/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 测试与调试" 3 | } -------------------------------------------------------------------------------- /docs/language/go/16-go-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/language/go/17-go-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/language/go/2-go-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/go/3-go-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 数据结构" 3 | } -------------------------------------------------------------------------------- /docs/language/go/4-go-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/go/5-go-object-oriented-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 面向对象编程" 3 | } -------------------------------------------------------------------------------- /docs/language/go/6-go-memory-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 内存管理" 3 | } -------------------------------------------------------------------------------- /docs/language/go/7-go-packages-and-modules/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 包与模块" 3 | } -------------------------------------------------------------------------------- /docs/language/go/8-go-file-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 文件处理" 3 | } -------------------------------------------------------------------------------- /docs/language/go/9-go-error-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Go 错误处理" 3 | } -------------------------------------------------------------------------------- /docs/language/java/0-java-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/java/1-java-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/java/10-java-multithreading/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 多线程" 3 | } -------------------------------------------------------------------------------- /docs/language/java/11-java-io/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java IO" 3 | } -------------------------------------------------------------------------------- /docs/language/java/12-java-nio/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java NIO" 3 | } -------------------------------------------------------------------------------- /docs/language/java/13-java-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/java/14-java-reflection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 反射" 3 | } -------------------------------------------------------------------------------- /docs/language/java/15-java-annotations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 注解" 3 | } -------------------------------------------------------------------------------- /docs/language/java/16-java-lambda-expression/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java Lambda表达式" 3 | } -------------------------------------------------------------------------------- /docs/language/java/17-java-stream-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java Stream API" 3 | } -------------------------------------------------------------------------------- /docs/language/java/18-java-datetime-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 日期时间API" 3 | } -------------------------------------------------------------------------------- /docs/language/java/19-java-jdbc/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java JDBC" 3 | } -------------------------------------------------------------------------------- /docs/language/java/2-java-array/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 数组" 3 | } -------------------------------------------------------------------------------- /docs/language/java/20-java-gui-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java GUI编程" 3 | } -------------------------------------------------------------------------------- /docs/language/java/21-java-xml-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java XML处理" 3 | } -------------------------------------------------------------------------------- /docs/language/java/22-java-json-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java JSON处理" 3 | } -------------------------------------------------------------------------------- /docs/language/java/23-java-unit-testing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 单元测试" 3 | } -------------------------------------------------------------------------------- /docs/language/java/24-java-design-pattern/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/language/java/3-java-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/java/4-java-object-oriented-fundamentals/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 面向对象基础" 3 | } -------------------------------------------------------------------------------- /docs/language/java/5-java-object-oriented-advanced/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 面向对象高级" 3 | } -------------------------------------------------------------------------------- /docs/language/java/6-java-exception-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 异常处理" 3 | } -------------------------------------------------------------------------------- /docs/language/java/7-java-collection-framework/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 集合框架" 3 | } -------------------------------------------------------------------------------- /docs/language/java/8-java-generics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 泛型" 3 | } -------------------------------------------------------------------------------- /docs/language/java/9-java-inner-class/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Java 内部类" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/0-javascript-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/1-javascript-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/11-javascript-dom/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript DOM" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/12-javascript-bom/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript BOM" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/13-javascript-modularity/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 模块化" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/2-javascript-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/22-javascript-test/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 测试" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/23-javascript-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 安全" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/3-javascript-object/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 对象" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/4-javascript-array/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 数组" 3 | } -------------------------------------------------------------------------------- /docs/language/javascript/5-javascript-string/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "JavaScript 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/php/0-php-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/php/1-php-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/php/10-php-database-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 数据库操作" 3 | } -------------------------------------------------------------------------------- /docs/language/php/11-php-form-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 表单处理" 3 | } -------------------------------------------------------------------------------- /docs/language/php/12-php-date-and-time/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 日期与时间" 3 | } -------------------------------------------------------------------------------- /docs/language/php/13-php-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/php/14-php-security-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 安全编程" 3 | } -------------------------------------------------------------------------------- /docs/language/php/15-php-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/language/php/16-php-design-patterns/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/language/php/17-php-framework/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 框架" 3 | } -------------------------------------------------------------------------------- /docs/language/php/18-php-composer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP Composer" 3 | } -------------------------------------------------------------------------------- /docs/language/php/19-php-testing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 测试" 3 | } -------------------------------------------------------------------------------- /docs/language/php/2-php-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/php/20-php-api-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP API开发" 3 | } -------------------------------------------------------------------------------- /docs/language/php/21-php-command-line/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 命令行" 3 | } -------------------------------------------------------------------------------- /docs/language/php/22-php-modern-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 现代特性" 3 | } -------------------------------------------------------------------------------- /docs/language/php/24-php-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/language/php/3-php-array/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 数组" 3 | } -------------------------------------------------------------------------------- /docs/language/php/4-php-strings/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/php/5-php-object-oriented-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 面向对象编程" 3 | } -------------------------------------------------------------------------------- /docs/language/php/6-php-inheritance-and-polymorphism/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 继承与多态" 3 | } -------------------------------------------------------------------------------- /docs/language/php/7-php-error-and-exception-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 错误与异常处理" 3 | } -------------------------------------------------------------------------------- /docs/language/php/8-php-file-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 文件操作" 3 | } -------------------------------------------------------------------------------- /docs/language/php/9-php-sessions-and-cookies/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "PHP 会话与Cookie" 3 | } -------------------------------------------------------------------------------- /docs/language/python/0-python-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/python/1-python-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/python/10-python-concurrency-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 并发编程" 3 | } -------------------------------------------------------------------------------- /docs/language/python/11-python-functional-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 函数式编程" 3 | } -------------------------------------------------------------------------------- /docs/language/python/12-python-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/language/python/13-python-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/python/14-python-web-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python Web开发" 3 | } -------------------------------------------------------------------------------- /docs/language/python/15-python-testing-and-debugging/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 测试与调试" 3 | } -------------------------------------------------------------------------------- /docs/language/python/16-python-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/language/python/17-python-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/language/python/2-python-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/python/3-python-data-structures/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 数据结构" 3 | } -------------------------------------------------------------------------------- /docs/language/python/4-python-strings/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 字符串" 3 | } -------------------------------------------------------------------------------- /docs/language/python/6-python-memory-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 内存管理" 3 | } -------------------------------------------------------------------------------- /docs/language/python/7-python-modules-and-packages/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 模块与包" 3 | } -------------------------------------------------------------------------------- /docs/language/python/8-python-file-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 文件处理" 3 | } -------------------------------------------------------------------------------- /docs/language/python/9-python-exception-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Python 异常处理" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/0-swift-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/1-swift-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/10-swift-error-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 错误处理" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/11-swift-concurrent-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 并发编程" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/12-swift-memory-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 内存管理" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/13-swift-functional-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 函数式编程" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/14-swift-pattern-matching/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 模式匹配" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/15-swift-access-control/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 访问控制" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/16-swift-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/17-swift-design-patterns/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/18-swift-ui-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift UI开发" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/19-swift-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/2-swift-data-types/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 数据类型" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/20-swift-data-persistence/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 数据持久化" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/21-swift-testing-and-debugging/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 测试与调试" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/22-swift-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/3-swift-collection-types/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 集合类型" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/4-swift-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/5-swift-enumeration-and-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 枚举与结构体" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/6-swift-classes-and-objects/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 类与对象" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/8-swift-protocols-and-extensions/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 协议与扩展" 3 | } -------------------------------------------------------------------------------- /docs/language/swift/9-swift-generics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Swift 泛型" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/0-typescript-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 基础" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/1-typescript-type-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 类型系统" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/12-typescript-toolchain/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 工具链" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/2-typescript-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 控制流" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/3-typescript-function/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 函数" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/7-typescript-generics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 泛型" 3 | } -------------------------------------------------------------------------------- /docs/language/typescript/9-typescript-decorator/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "TypeScript 装饰器" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/0-eureka-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/1-eureka-control-flow/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 控制流" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/12-eureka-data-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 数据处理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/13-eureka-network-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 网络编程" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/14-eureka-web-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka Web开发" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/16-eureka-advanced-topics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/17-eureka-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/2-eureka-functions/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 函数" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/3-eureka-data-structure/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 数据结构" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/4-eureka-string-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 字符串处理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/6-eureka-memory-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 内存管理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/7-eureka-modules-and-packages/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 模块与包" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/8-eureka-file-processing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 文件处理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/eureka/9-eureka-exception-handling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Eureka 异常处理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/0-kafka-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/1-kafka-core-components/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 核心组件" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/11-kafka-scenario/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 应用场景" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/12-kafka-safety-and-compliance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 安全与合规" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/14-kafka-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 故障处理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/15-kafka-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/2-kafka-producer-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 生产者开发" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/3-kafka-consumer-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 消费者开发" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/4-kafka-streaming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 流处理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/5-kafka-connect/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka Connect" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/6-kafka-integration-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 集成开发" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/7-kafka-management-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 管理与运维" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/8-kafka-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/middleware/kafka/9-kafka-design-pattern/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Kafka 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/0-nacos-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/1-nacos-configuration-center/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 配置中心" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/10-nacos-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/11-nacos-and-microservices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 与微服务" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/12-nacos-source-code-analysis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 源码分析" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/13-nacos-case-in-action/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 案例实战" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/14-nacos-ecological-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 生态集成" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/15-nacos-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/5-nacos-client-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 客户端开发" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/6-nacos-cluster-deployment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 集群部署" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/7-nacos-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/8-nacos-monitoring-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 监控与运维" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nacos/9-nacos-security-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nacos 安全管理" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/0-nginx-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/1-nginx-core-configuration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 核心配置" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/10-nginx-integrated-app/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 集成应用" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/11-nginx-monitoring-and-logging/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 监控与日志" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/12-nginx-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/13-nginx-ha-architecture/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 高可用架构" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/15-nginx-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/2-nginx-static-content-service/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 静态内容服务" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/3-nginx-proxy-service/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 代理服务" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/4-nginx-load-balancing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 负载均衡" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/5-nginx-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 安全防护" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/6-nginx-url-override/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx URL重写" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/7-nginx-caching-mechanism/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 缓存机制" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/8-nginx-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 高级功能" 3 | } -------------------------------------------------------------------------------- /docs/middleware/nginx/9-nginx-module-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Nginx 模块开发" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/0-rabbitmq-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/1-rabbitmq-message-model/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 消息模型" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/13-rabbitmq-case-study/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 案例分析" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/14-rabbitmq-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/4-rabbitmq-message-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 消息模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/6-rabbitmq-monitoring-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 监控与运维" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/7-rabbitmq-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 安全" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rabbitmq/9-rabbitmq-and-the-cloud/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RabbitMQ 与云平台" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/0-redis-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/1-redis-data-types/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 数据类型" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/11-redis-extension-module/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 扩展模块" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/13-redis-and-microservices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 与微服务" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/14-redis-cloud-native/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 云原生" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/15-redis-design-pattern/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 设计模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/16-redis-data-modeling/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 数据建模" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/17-redis-om-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 运维实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/18-redis-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/19-redis-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/2-redis-advanced-data-type/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 高级数据类型" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/3-redis-persistence/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 持久化" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/4-redis-transactions-scripts/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 事务与脚本" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/6-redis-cluster/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 集群" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/7-redis-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/8-redis-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 安全性" 3 | } -------------------------------------------------------------------------------- /docs/middleware/redis/9-redis-scenario/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Redis 应用场景" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rocketmq/0-rocketmq-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RocketMQ 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rocketmq/1-rocketmq-producer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RocketMQ 生产者" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rocketmq/10-rocketmq-monitor-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RocketMQ 监控运维" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rocketmq/11-rocketmq-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RocketMQ 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rocketmq/13-rocketmq-scenario/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RocketMQ 应用场景" 3 | } -------------------------------------------------------------------------------- /docs/middleware/rocketmq/2-rocketmq-consumer/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "RocketMQ 消费者" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/0-seata-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/1-seata-transaction-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 事务模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/11-seata-storage-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 存储模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/16-seata-security-mechanism/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 安全机制" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/17-seata-problem-diagnosis/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 问题诊断" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/18-seata-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/19-seata-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/2-seata-at-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata AT模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/3-seata-tcc-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata TCC模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/4-seata-saga-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata SAGA模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/5-seata-xa-mode/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata XA模式" 3 | } -------------------------------------------------------------------------------- /docs/middleware/seata/8-seata-explorer-rm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Seata 资源管理器RM" 3 | } -------------------------------------------------------------------------------- /docs/middleware/sentinel/0-sentinel-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Sentinel 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/sentinel/6-sentinel-main-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Sentinel 主要API" 3 | } -------------------------------------------------------------------------------- /docs/middleware/zookeeper/0-zookeeper-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zookeeper 基础" 3 | } -------------------------------------------------------------------------------- /docs/middleware/zookeeper/4-zookeeper-client/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zookeeper 客户端" 3 | } -------------------------------------------------------------------------------- /docs/middleware/zookeeper/5-zookeeper-api/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zookeeper API" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/0-grafana-foundation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 基础" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/1-grafana-data-source/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 数据源" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/10-grafana-om/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 运维管理" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/2-grafana-dashboard/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 仪表盘" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/3-grafana-panel/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 面板" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/6-grafana-alarm/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 告警" 3 | } -------------------------------------------------------------------------------- /docs/observability/grafana/7-grafana-plugin/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Grafana 插件" 3 | } -------------------------------------------------------------------------------- /docs/observability/jaeger/0-jaeger-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jaeger 基础" 3 | } -------------------------------------------------------------------------------- /docs/observability/jaeger/15-jaeger-case-study/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jaeger 案例研究" 3 | } -------------------------------------------------------------------------------- /docs/observability/jaeger/16-jaeger-ecosystem/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jaeger 生态系统" 3 | } -------------------------------------------------------------------------------- /docs/observability/jaeger/6-jaeger-visualization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jaeger 可视化" 3 | } -------------------------------------------------------------------------------- /docs/observability/jaeger/9-jaeger-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Jaeger 安全性" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/0-loki-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 基础" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/1-loki-deployment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 部署" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/10-high-availability/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "高可用性" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/11-monitoring-and-alerting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "监控与告警" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/12-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "安全性" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/13-log-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "日志管理" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/14-loki-integration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 集成" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/15-loki-operations/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 运维" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/16-loki-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/17-loki-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/2-loki-components/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 组件" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/3-promtail/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Promtail" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/4-log-collection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "日志收集" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/5-logql/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "LogQL" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/6-loki-and-grafana/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Loki 与Grafana" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/7-storage-configuration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "存储配置" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/8-multi-tenancy/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "多租户" 3 | } -------------------------------------------------------------------------------- /docs/observability/loki/9-performance-tuning/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "性能调优" 3 | } -------------------------------------------------------------------------------- /docs/observability/prometheus/0-prometheus-base/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Prometheus 基础" 3 | } -------------------------------------------------------------------------------- /docs/observability/prometheus/7-common-apps-monitoring/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "常见应用监控" 3 | } -------------------------------------------------------------------------------- /docs/observability/skywalking/4-skywalking-ui/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "SkyWalking UI" 3 | } -------------------------------------------------------------------------------- /docs/observability/zipkin/0-zipkin-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zipkin 基础" 3 | } -------------------------------------------------------------------------------- /docs/observability/zipkin/1-zipkin-core-concepts/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zipkin 核心概念" 3 | } -------------------------------------------------------------------------------- /docs/observability/zipkin/17-zipkin-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zipkin 安全性" 3 | } -------------------------------------------------------------------------------- /docs/observability/zipkin/5-zipkin-data-storage/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zipkin 数据存储" 3 | } -------------------------------------------------------------------------------- /docs/observability/zipkin/7-use-of-zipkin-ui/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Zipkin UI使用" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/0-centos-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 基础" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/1-centos-file-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 文件系统" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/10-centos-security-hardening/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 安全加固" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/13-centos-database-service/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 数据库服务" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/14-centos-web-service/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS Web服务" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/15-centos-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/16-centos-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 故障排除" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/2-centos-command-line-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 命令行基础" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/3-centos-user-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 用户管理" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/4-centos-package-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 软件包管理" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/5-centos-system-services/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 系统服务" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/6-centos-network-configuration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 网络配置" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/7-centos-storage-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 存储管理" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/8-centos-shell-script/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS Shell脚本" 3 | } -------------------------------------------------------------------------------- /docs/os/centos/9-centos-system-monitoring/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CentOS 系统监控" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/0-debian-based/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 基础" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/1-debian-system-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 系统管理" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/10-debian-system-customization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 系统定制" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/11-debian-advanced-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 高级管理" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/12-debian-cloud-computing/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 云计算" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/14-debian-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 故障排除" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/2-debian-package-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 软件包管理" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/3-debian-file-system/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 文件系统" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/4-debian-network-configuration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 网络配置" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/5-debian-server-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 服务器应用" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/6-debian-security-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 安全管理" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/8-debian-desktop-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 桌面应用" 3 | } -------------------------------------------------------------------------------- /docs/os/debian/9-debian-system-development/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Debian 系统开发" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/0-ubuntu-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 基础" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/1-ubuntu-system-settings/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 系统设置" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/10-ubuntu-server-configuration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 服务器配置" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/12-ubuntu-security-protection/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 安全防护" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/13-ubuntu-desktop-application/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 桌面应用" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/14-ubuntu-development-environment/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 开发环境" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/15-ubuntu-system-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 系统优化" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/16-ubuntu-troubleshooting/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 故障排除" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/17-ubuntu-premium-theme/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 高级主题" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/18-ubuntu-resources-and-community/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 资源与社区" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/2-ubuntu-terminal-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 终端基础" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/3-ubuntu-file-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 文件管理" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/4-ubuntu-user-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 用户管理" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/5-ubuntu-software-management/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 软件管理" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/6-ubuntu-network-configuration/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 网络配置" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/7-ubuntu-system-maintenance/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 系统维护" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/8-ubuntu-advanced-commands/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu 高级命令" 3 | } -------------------------------------------------------------------------------- /docs/os/ubuntu/9-ubuntu-shell-programming/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "Ubuntu Shell编程" 3 | } -------------------------------------------------------------------------------- /docs/tree.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/docs/tree.txt -------------------------------------------------------------------------------- /docs/web/css/0-css-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 基础" 3 | } -------------------------------------------------------------------------------- /docs/web/css/1-css-selectors/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 选择器" 3 | } -------------------------------------------------------------------------------- /docs/web/css/10-css-animation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 动画" 3 | } -------------------------------------------------------------------------------- /docs/web/css/11-css-preprocessors/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 预处理器" 3 | } -------------------------------------------------------------------------------- /docs/web/css/12-css-frameworks-and-libraries/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 框架与库" 3 | } -------------------------------------------------------------------------------- /docs/web/css/13-css-advanced-selectors/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 高级选择器" 3 | } -------------------------------------------------------------------------------- /docs/web/css/14-css-custom-properties/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 自定义属性" 3 | } -------------------------------------------------------------------------------- /docs/web/css/15-css-advanced-effects/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 高级效果" 3 | } -------------------------------------------------------------------------------- /docs/web/css/16-css-performance-and-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 性能与优化" 3 | } -------------------------------------------------------------------------------- /docs/web/css/17-css-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/web/css/2-css-color-and-background/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 颜色与背景" 3 | } -------------------------------------------------------------------------------- /docs/web/css/3-css-text-and-font/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 文本与字体" 3 | } -------------------------------------------------------------------------------- /docs/web/css/4-css-box-model/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 盒模型" 3 | } -------------------------------------------------------------------------------- /docs/web/css/5-css-layout-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 布局基础" 3 | } -------------------------------------------------------------------------------- /docs/web/css/6-css-flexbox-layout/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 弹性盒布局" 3 | } -------------------------------------------------------------------------------- /docs/web/css/7-css-grid-layout/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 网格布局" 3 | } -------------------------------------------------------------------------------- /docs/web/css/8-css-responsive-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 响应式设计" 3 | } -------------------------------------------------------------------------------- /docs/web/css/9-css-transformations-and-transitions/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "CSS 变换与过渡" 3 | } -------------------------------------------------------------------------------- /docs/web/html/0-html-basics/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 基础" 3 | } -------------------------------------------------------------------------------- /docs/web/html/1-html-text-element/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 文本元素" 3 | } -------------------------------------------------------------------------------- /docs/web/html/10-html-integration-with-css/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 与CSS集成" 3 | } -------------------------------------------------------------------------------- /docs/web/html/12-html-seo-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML SEO优化" 3 | } -------------------------------------------------------------------------------- /docs/web/html/13-html-accessibility/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 可访问性" 3 | } -------------------------------------------------------------------------------- /docs/web/html/14-html-performance-optimization/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 性能优化" 3 | } -------------------------------------------------------------------------------- /docs/web/html/15-html-security/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 安全性" 3 | } -------------------------------------------------------------------------------- /docs/web/html/16-html-best-practices/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 最佳实践" 3 | } -------------------------------------------------------------------------------- /docs/web/html/2-html-links-and-navigation/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 链接与导航" 3 | } -------------------------------------------------------------------------------- /docs/web/html/3-html-images-and-multimedia/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 图像与多媒体" 3 | } -------------------------------------------------------------------------------- /docs/web/html/4-html-lists-and-tables/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 列表与表格" 3 | } -------------------------------------------------------------------------------- /docs/web/html/5-html-forms/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 表单" 3 | } -------------------------------------------------------------------------------- /docs/web/html/6-html-layout-element/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 布局元素" 3 | } -------------------------------------------------------------------------------- /docs/web/html/7-html-responsive-design/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 响应式设计" 3 | } -------------------------------------------------------------------------------- /docs/web/html/8-html-advanced-features/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML 高级特性" 3 | } -------------------------------------------------------------------------------- /docs/web/html/9-html-web-component/_category_.json: -------------------------------------------------------------------------------- 1 | { 2 | "label": "HTML Web组件" 3 | } -------------------------------------------------------------------------------- /package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/package.json -------------------------------------------------------------------------------- /sidebars.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/sidebars.js -------------------------------------------------------------------------------- /src/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/src/css/custom.css -------------------------------------------------------------------------------- /src/pages/index.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/src/pages/index.js -------------------------------------------------------------------------------- /static/.nojekyll: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /static/339e8ce1d5506659b08851ed9192c9dc.txt: -------------------------------------------------------------------------------- 1 | 339e8ce1d5506659b08851ed9192c9dc -------------------------------------------------------------------------------- /static/50b3d5ebab3f48a3a61b2f871fc82974.txt: -------------------------------------------------------------------------------- 1 | 50b3d5ebab3f48a3a61b2f871fc82974 -------------------------------------------------------------------------------- /static/ads.txt: -------------------------------------------------------------------------------- 1 | google.com, pub-8558870819217345, DIRECT, f08c47fec0942fa0 -------------------------------------------------------------------------------- /static/baidu_verify_codeva-JoCYGkSZrG.html: -------------------------------------------------------------------------------- 1 | 0884dfe2efbbf7c65999c80bac3e17f9 -------------------------------------------------------------------------------- /static/baidu_verify_codeva-mjSAS9gv7v.html: -------------------------------------------------------------------------------- 1 | b1b809433bdeb4d7adeb2f51f02753af -------------------------------------------------------------------------------- /static/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/static/favicon.ico -------------------------------------------------------------------------------- /static/favicon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/static/favicon.svg -------------------------------------------------------------------------------- /static/homepage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/static/homepage.png -------------------------------------------------------------------------------- /static/img/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/static/img/logo.png -------------------------------------------------------------------------------- /static/robots.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/echo-cool-coding/cool-coding/HEAD/static/robots.txt -------------------------------------------------------------------------------- /static/sogousiteverification.txt: -------------------------------------------------------------------------------- 1 | EfMLSfWUt3 --------------------------------------------------------------------------------