《Python基础教程》专栏总结篇

news2024/9/24 19:17:59

  大家好,我是爱编程的喵喵。双985硕士毕业,现担任全栈工程师一职,热衷于将数据思维应用到工作与生活中。从事机器学习以及相关的前后端开发工作。曾在阿里云、科大讯飞、CCF等比赛获得多次Top名次。现为CSDN博客专家、人工智能领域优质创作者。喜欢通过博客创作的方式对所学的知识进行总结与归纳,不仅形成深入且独到的理解,而且能够帮助新手快速入门。

  个人精心开设的《Python基础课程》专栏订阅量接近900,帮助不少同学解决了Bug。最近有一个学习很认真的同学给我反馈,专栏博客帮助他解决了大模型、爬虫、Python基础等各类问题,但有时候找起来不太方便,希望能对专栏的文章进行分门别类的整理,这样就能提高检索效率。

  优秀的建议必须毫不犹豫地被接纳,虽然客观来说整理是一件工作量不小的事情,但想到蚕蛹化蝶之前必须经历痛苦的挣扎才能破茧成蝶。所以这两天一忙完工作就马不停蹄的继续整理。现有类别包括大模型、机器学习、爬虫、数据处理与可视化、anaconda & pip & jupyter notebook & ipython & pycharm、数据库与中间件、常用Python库、Python基础、github等,,大家可点击博客右侧的按钮查看目录,如下图所示:
在这里插入图片描述
  本专栏每周至少更新5篇相关文章,目标至少是1000篇+,所以后续还会不断进行扩充,希望最终能够对订阅的同学们有所帮助。

1. 大模型

1.1 transformers & huggingface

  • huggingface_hub.utils._validators.HFValidationError Repo id must be in the form repo_name or name解决方案
  • TypeError: transformers.tokenization_utils_base.PreTrainedTokenizerBase._from_pretrained() got multiple values for keyword argument 'use_auth_token’解决方案
  • transformers加载模型时自动选择空闲的单个GPU的实战代码
  • transformers加载模型时自动选择空闲的多个GPU的实战代码
  • 修改huggingface模型的储存位置的设置方法
  • huggingface datasets离线加载文件的解决方案
  • huggingface datasets map时出现KeyError: 'output’的解决方案
  • RuntimeError: expected scalar type Half but found Float解决方案
  • ValueError: paged_adamw_32bit is not a valid OptimizerNames, please select one of [‘adamw_hf’, ‘adamw_torch’, ‘adamw_torch_fused’, ‘adamw_torch_xla’, ‘adamw_apex_fused’, ‘adafactor’, ‘adamw_bnb_8bit’, ‘adamw_anyprecision’, ‘sgd’, ‘adagrad’]解决方案
  • tokenizers>=0.13.3 is required for a normal functioning of this module, but found tokenizers解决方案
  • ValueError: Connection error, and we cannot find the requested files in the cached path.解决方案

1.2 pytorch

  • ModuleNotFoundError: No module named ‘torch._six‘的解决方案

  • Pytorch RuntimeError: No CUDA GPUs are available解决方案

  • OSError Unable to load weights from pytorch checkpoint file for pytorch_model.bin解决方案

  • Import Error: from torchtext.data import to_map_style_dataset解决方案

  • Pytorch加载torchvision从本地下载好的预训练模型的简单解决方案

  • RuntimeError Cuda extensions are being compiled…Pytorch binaries were compiled with Cuda 11.7解决方案

  • ImportError: libcupti.so.11.7: cannot open shared object file: No such file or directory解决方案

  • RuntimeError: Boolean value of Tensor with more than one value is ambiguous解决方案

1.3 ChatGLM加载、训练、预测

  • RuntimeError:Internal: src/sentencepiece_processor.cc(1101)model_proto->ParseFromArray(serialize.size())]解决方案
  • ModuleNotFoundError: No module named 'transformers_modules.chatglm-6b_v1’的解决方案
  • ModuleNotFoundError: No module named 'transformers_modules.chatglm2-6b’解决方案
  • OSError We couldn’t connect to https://huggingface.co to load file, couldn’t find chatglm2-6b 解决方案
  • 高速下载ChatGLM模型文件的解决方案
  • 高速下载ChatGLM2模型文件的解决方案
  • 高速下载VisualGLM模型文件的解决方案
  • ChatGLM lora微调时出现KeyError: 'context’的解决方案
  • RuntimeError: Internal: [MASK] is already defined解决方案
  • ChatGLM ptuning predict(预测)为空值的解决方案
  • AttributeError: ‘ChatGLMConfig’ object has no attribute 'quantization_bit’解决方案
  • TypeError: quantize() got an unexpected keyword argument 'empty_init’解决方案
  • AttributeError: ‘ChatGLMModel’ object has no attribute 'prefix_encoder’解决方案

1.4 bitsandbytes

  • 使用bitsandbytes出现CUDA detection failed解决方案
  • ERROR : Your GPU does not support Int8 Matmul ! 解决方案
  • cuda_setup.add_log_entry("WARNING: Compute capability < 7.5 detected解决方案
  • cuda_setup.add_log_entry("WARNING: Compute capability < 7.5 detected! Only slow 8-bit matmul is supported for your GPU 解决方案
  • PackageNotFoundError: No package metadata was found for bitsandbytes解决方案
  • 已经安装高版本CUDA的条件下bitsandbytes发现低版本的CUDA SETUP: Detected CUDA version 100解决方案

1.5 langchain

  • TypeError MyFAISS.similarity_search_with_score_by_vector got unexpected keyword argument filter解决方案
  • ImportError: cannot import name ‘SQLDatabaseChain‘ from ‘langchain‘解决方案
  • ValueError: Could not import faiss python package. Please install it with pip install faiss解决方案
  • OperationalError: (sqlite3.OperationalError) unable to open database file解决方案

1.6 fastchat

  • fastchat出现TypeError: unsupported operand type(s) for -: ‘NoneType’ and 'int’解决方案
  • Fastchat UnicodeDecodeError utf-8 codec can‘t decode bytes in position invalid continuation byte解决方案

1.7 GPU驱动、CUDA、CUDNN、NCCL等安装

  • A100 GPU服务器安装GPU驱动教程
  • A100 GPU服务器安装CUDA教程
  • A100 GPU服务器安装CUDNN教程
  • nvidia nccl安装和测试的实战教程
  • An NVIDIA kernel module ‘nvidia-uvm’ appears to already be loaded in your kernel解决方案
  • /usr/src/kernels/el7.linux/Makefile:1006: Cannot generate ORC metadata for CONFIG_UNWINDER_ORC=y解决方案
  • NVIDIA-SMI has failed because it couldn’t communicate with the NVIDIA driver.Make sure that解决方案
  • Linux卸载GPU驱动、CUDA的实战教程

1.8 通义千问

  • cuda_setup/main.py: UserWarning: /home/anaconda3/envs/qwen-7b did not contain [‘libcudart.so’…解决方案
  • ValueError: Unrecognized configuration class <class transformers_modules.Qwen-7B-Chat…解决方案
  • 安装flash-attn出现RuntimeError current installed version g++ (4.8.5) is less than mininum version解决方案

1.9 llama

  • configuration_auto.py in getitem raise KeyError(key) KeyError: 'llama’解决方案
  • AttributeError: module transformers has no attribute LLaMATokenizer解决方案

1.10 paddle

  • ModuleNotFoundError: No module named 'paddle’解决方案
  • ImportError: libcudart.so.10.2: cannot open shared object file: No such file or directory解决方案

1.11 deepspeed

  • error "You‘re trying to build PyTorch with a too old version of GCC. We need GCC 5 or later."解决方案
  • RuntimeError: launcher ‘pdsh’ not installed解决方案

1.12 peft

  • ImportError: cannot import name ‘prepare_model_for_kbit_training’ from 'peft’解决方案
  • ValueError: Please specify `target_modules` in `peft_config`解决方案

1.13 cpm-bee & bmtrain

  • pip install安装CPM-Bee出现ModuleNotFoundError: No module named 'torch’的解决方案
  • RuntimeError: CUDA error: CUBLAS_STATUS_INVALID_VALUE when calling `cublasGemmEx 解决方案
  • ImportError: /home/anaconda3/lib/libstdc++.so.6: version `GLIBCXX_3.4.29’ not found解决方案
  • subprocess.CalledProcessError: Command '[‘which’, ‘x86_64-conda_cos6-linux-gnu-c++’]'解决方案
  • RuntimeError: The current installed version of g++ (4.8.5) is less than the mininum version CUDA解决方案

1.14 apex

  • ImportErrorImportError: cannot import name ‘UnencryptedCookieSessionFactoryConfig’ from pyramid解决方案

1.15 tensorflow

  • TensorFlow 2.10 Unable to register cuBLAS factory Attempting to register factory for plugin cuBLAS方案

1.16 其他

  • scripts/spider_qlora_finetune.sh: line 7: --source_max_len: command not found解决方案

2. 机器学习

2.1 sklearn

  • ModuleNotFoundError: No module named ‘sklearn‘解决方案
  • ModuleNotFoundError: No module named 'sklearn.__check_build._check_build‘解决方案
  • ImportError: cannot import name ‘_ccallback_c’ 解决方案
  • sklearn 逻辑回归Increase the number of iterations (max_iter) or scale the data as shown in解决方案
  • TypeError: classification_report() takes 2 positional arguments but 3 were given的解决方案
  • 加载sklearn加州房价数据集出错 housing = fetch_california_housing() HTTPError: HTTP Error 403: Forbidden解决方案
  • 加载sklearn 人脸数据集出错 fetch_olivetti_faces() HTTPError: HTTP Error 403: Forbidden解决方案
  • 加载sklearn新闻数据集出错 fetch_20newsgroups() HTTPError: HTTP Error 403: Forbidden解决方案
  • 加载sklearn covtype数据集出错 fetch_covtype() HTTPError: HTTP Error 403: Forbidden解决方案
  • 西瓜数据集读取的详细解决方案
  • sklearn中f1_score参数解析

2.2 ltp

  • AttributeError: ‘LTP‘ object has no attribute 'seg’解决方案
  • AttributeError: ‘LTP’ object has no attribute 'sent_split’解决方案
  • AttributeError: ‘LTP’ object has no attribute 'init_dict’解决方案

2.3 nltk

  • [nltk_data] Error loading punkt: <urlopen error [Errno 111] Connection refused>解决方案
  • Resource punkt not found. Please use the NLTK Downloader to obtain the resource 解决方案
  • 离线下载NLTK依赖包([WinError 10061] 由于目标计算机积极拒绝,无法连接)的解决方案

2.4 spacy

  • spacy.load(‘en’) or spacy.load(‘de’)出现的OpenSSL SSl SysCallError(10054)解决方案
  • TypeError: Plain typing.NoReturn is not valid as type argument解决方案

2.5 joblib & flask

  • TypeError: an integer is required (got type bytes)的解决方案
  • python使用flask封装restful API的实战代码

2.6 模型读取与保存

  • 详解python文件的读取与模型保存
  • 模型&数据文件的读取与保存拓展

2.7 英文单词分割

  • Dictionary file not found symspellpy.py symspellpy.py in word_segmentation(self, StopIteration 解决方案

3. 爬虫

3.1 selenium

  • TypeError:__init__() got an unexpected keyword argunent 'executable_path’解决方案
  • selenium.common.SessionNotCreatedException Message session not created.ChromeDriver support version解决方案
  • Python安装selenium时requests 2.19.1 has requirement urllib3<1.24,>=1.21.1, but urllib3 incompatible解决方案
  • selenium ‘WebDriver’ object has no attribute 'find_element_by_link_text’解决方案
  • selenium ‘WebDriver’ object has no attribute 'find_element_by_xpath’解决方案

3.2 requests

  • 爬虫编码UnicodeDecodeError: ‘utf-8’ codec can’t decode byte 0xb1 in position 78: invalid start byte解决方案
  • Python爬虫requests返回值为空的解决方案
  • python保存requests请求的文件的实战代码
  • 下载网上的多行json并将其转换为字典的解决方案
  • 下载网上压缩包(包含多行json)并将其转换为字典的解决方案
  • ImportError: cannot import name Template解决方案

3.3 其他

  • 提取网页标题和文本内容的python库的实战教程

4. 数据处理与可视化

4.1 pandas.DataFrame

  • AttributeError: ‘DataFrame’ object has no attribute 'iteritems’解决方案
  • ValueError: If using all scalar values, you must pass an index解决方案
  • Python将字符串转换成dataframe
  • 对DataFrame添加一列并且每个值赋值为列表(ValueError: Length of values does not match length of index)的解决方案
  • pandas获取DataFrame每月(每年)第一天或者最后一天对应行的实战代码
  • 筛选DataFrame出某一列包含字符串的所有行的实战代码
  • 改变DataFrame列顺序的实战代码

4.2 pandas

  • pd.read_json出现ValueError:Trailing data的解决方案

  • pd.read_excel出现xlrd.biffh.XLRDError: Excel xlsx file; not supported解决方案

  • PicklingError: Can’t pickle <function <lambda>>: attribute lookup <lambda> on __main__ failed解决方案

  • AttributeError: ‘Timestamp’ object has no attribute 'dt’解决方案

  • UserWarning: Workbook contains no default style, apply openpyxl’s default warn("Workbook contains no default style, apply openpyxl’s default"解决方案

  • import xlwings时_pickle.UnpicklingError: invalid load key, '\x00’解决方案

  • pandas to_excel产生空值的解决方案

  • df.rank & pd.pivot_table & pd.read_excel & df添加行 &调整df行列顺序(reindex再理解)

  • 详解pandas基础

4.3 numpy

  • AttributeErrormodule ‘numpy’ has no attribute 'bool’解决方案
  • import numpy出现ImportError: DLL load failed: 找不到指定的模块的解决方案
  • numpy与pandas中apply与applymap与map三者的区别
  • np和pd中split&concatenate&unstack&列表嵌套问题(循环,转换)
  • 详解numpy基础

4.4 matplotlib & seaborn

  • Linux中matplotlib出现RuntimeError: Invalid DISPLAY variable的解决方案
  • seaborn load_dataset报错的解决方案

4.5 excel & csv

  • 详解python操作EXCEL(xlsxwriter/ExcelWriter)
  • ValueError: Append mode is not supported with xlsxwriter解决方案
  • pd.read_excel出现ValueError: Unknown engine: openpyxl解决方案
  • PermissionError: [Errno 13] Permission denied: '.xlsx’解决方案
  • pandas读取csv文件时设置列名的实战代码
  • Python将字典转换为csv的实战代码
  • csv多余逗号写入文件的解决方案
  • import xlwings时_pickle.UnpicklingError: invalid load key, '\x00’解决方案

4.6 json

  • 字典转换json时出现TypeError: Object of type ‘datetime‘ is not JSON serializable解决方案
  • JSONDecodeError: Expecting property name enclosed in double quotes: line 2 column 3 (char 4)解决方案
  • ImportError: cannot import name 'json_util’解决方案
  • json.loads时TypeError: __init__() got an unexpected keyword argument ‘encoding’ 的解决方案

4.7 yaml

  • ModuleNotFoundError: No module named 'yaml’解决方案
  • pip install yaml出现ERROR: Could not find a version that satisfies the requirement yaml 解决方案
  • TypeError: load() missing 1 required positional argument: 'Loader’解决方案

4.8 pickle

  • pickle.load出现UnicodeDecodeError: ‘ascii’ codec can’t decode byte 0x8b in position 6: ordinal not in range(128)解决方案

4.9 zip

  • Python解压zip文件出现TypeError: pwd: expected bytes, got str的解决方案

5. anaconda & pip & jupyter notebook & ipython & pycharm

5.1 anaconda

  • Win7安装新版本anaconda出现Failed to extract packages解决方案
  • 安装miniconda出现丢失api-mis-win-core-path-l1-1-0.dll的解决方案

5.2 conda

  • conda upgrade出现Solving environment:failed CondaValueError Malformed version string invalid chars解决方案

  • conda install出现CondaValueError: Malformed version string invalid character(s)解决方案

  • The environment is inconsistent, please check the package plan carefully解决方案

  • ERROR conda.core.link:_execute(502): error occurred while installing conda-forge::setuptools 解决方案

  • 在conda环境下升级gcc的解决方案

  • SSLError(MaxRetryError('HTTPSConnectionPool(host=‘mirrors.tuna.tsinghua.edu.cn’, port=443)解决方案

  • 详解创建python虚拟环境

  • 在conda虚拟环境中安装ipython

  • ipython和conda python版本不一致的解决方案

  • CommandNotFoundError : No command ‘conda rename‘解决方案

5.3 pip

  • ERROR: Could not install packages due to an OSError: [WinError 5] 拒绝访问 解决方案
  • pip._vendor.urllib3.exceptions.ReadTimeoutError: HTTPSConnectionPool(host=files.pythonhosted.org解决方案
  • pip install timeout错误解决方案
  • pip安装ERROR: Could not install packages due to an OSError: [Errno 28] No space left on device解决方案
  • 详解离线安装Python库
  • pip卸载库对应所有依赖库的解决方案
  • pip install weditor出错error in setup command: Error parsing weditor\setup.cfg UnicodeDecodeError:解决方案
  • Cannot uninstall … It is a distutils installed project and thus we cannot accurately determine 解决方案
  • WARNING:Retrying Failed to establish a new connection: [Errno 101] Network is unreachable’)解决方案
  • WARNING:Retrying(Retry(total=4,connect=None,read=None,redirect=None,status =None))connect broken解决方案
  • Linux环境下修改pip的缓存地址的解决方案
  • pip install出现WARNING: Ignoring invalid distribution的解决方案
  • pip install出现socket.timeout: The read operation timed out的解决方案

5.4 jupyter notebook

  • jupyter notebook中指定kernel中pip安装库的解决方案
  • 将conda环境安装到jupyter notebook kernel中的解决方案
  • jupyter ‘_xsrf‘ argument missing from post 解决方案
  • jupyter notebook闪退,命令行执行报错:ImportError: cannot import name ‘soft_unicode‘ from ‘markupsafe‘解决方案
  • jupyter notebook出现ERR_SSL_VERSION_OR_CIPHER_MISMATCH解决方案
  • Unable to load extension: pydevd_plugins.extensions.types.pydevd_plugin_pandas_types 解决方案
  • jupyter notebook输入密码后无法打开的解决方案
  • 启动jupyter出现AttributeError: module ‘tornado.web’ has no attribute 'asynchronous’解决方案
  • traitlets_version.py AssertionError “.“.join(map(str, version_info)).replace(“.b“, “b“)解决方案
  • python中的attr问题(label endoer & jupyter notebook)

5.5 ipython

  • 在conda虚拟环境中安装ipython
  • ipython和conda python版本不一致的解决方案
  • ipython出现The history saving thread hit an unexpected error OperationalError no such table history解决方案
  • 禁止IPython产生历史记录的解决方案
  • 删除ipython历史记录文件的解决方案
  • ImportError: cannot import name ‘create_prompt_application’ from 'prompt_toolkit.shortcuts’解决方案

5.6 pycharm

  • pycharm/idea连接服务器的实战方案

6. 数据库 & 中间件

6.1 mysql

  • pip install mysql出现error: subprocess - exited-with-error的解决方案
  • CSV转换为MySQL的Python实战代码
  • OperationalError: foreign key mismatch - “RESTAURANT“ referencing “GEOGRAPHIC“解决方案
  • IntegrityError: FOREIGN KEY constraint failed解决方案
  • ProgrammingError: 1064 (42000): You have an error in your SQL syntax;check the manual…解决方案
  • CSV转换为MySQL的Python实战代码

6.2 access(mdb)

  • Python读写access数据库的实战代码
  • Python读写mdb文件的实战代码

6.3 clickhouse

  • NoSuchModuleError: Can’t load plugin: sqlalchemy.dialects:clickhouse解决方案

6.4 hdfs

  • python读写hdfs文件的实用解决方案
  • ImportError: Can not find the shared library: libhdfs3.so解决方案

6.5 kafka

  • 从小白的角度讲解kafka并使用java、python_API实战

6.6 其他

  • elasticsearch与kibana踩过的坑及其解决方案

7. 常用Python库

  • ERROR: Could not find a version that satisfies the requirement PIL (from versions: none)解决方案
  • ModuleNotFoundError: No module named 'setuptools.command.build’解决方案
  • AttributeError: ‘HTMLParser’ object has no attribute 'unescape’解决方案
  • pynlpir更新license Error: unable to fetch newest license解决方案
  • ModuleNotFoundError: No module named 'pyLDAvis.gensim’解决方案
  • pdfminer __init__() got an unexpected keyword argument 'codec’解决方案
  • python安装mpi4py的解决方案
  • twisted 18.7.0 requires PyHamcrest>=1.9.0 解决方案
  • AttributeError: Can’t get attribute ‘f’ on <module ‘__main__’>解决方案

8. Python基础

8.1 编码

  • Python3中将\uXXXX字符串转换为可见字符串的解决方案
  • SyntaxError: Non-UTF-8 code starting with ‘\xb3’ in file解决方案
  • UnicodeDecodeError: ‘utf-8’ codec can’t decode byte 0xc1 in position 41694: invalid start byte解决方案
  • python中的解码与编码

8.2 built-in函数

  • ImportError: cannot import name ‘MutableMapping’ from 'collections’解决方案
  • 详解python datetime&time&timeit
  • 详解python os模块(os.walk&os.listdir)
  • AttributeError: module ‘xxx’ has no attribute
  • 详解if __name__ == '__main__'和from __future__ import print_function

8.3 基础

  • 一文学会python基础知识
  • python基础知识补充
  • python字符串中的引号问题
  • Python字符串split(‘\n’)后出错的解决方案
  • 详解python中的参数解析argparse&sys.argv
  • 详解python的全局变量与局部变量(global&nonlocal&locals)
  • java与python类对比
  • 深入理解python装饰器
  • 详解python异常处理try、except
  • 详解python正则表达式
  • centos对pyc文件进行反编译的解决方案
  • IndentationError: expected an indented block解决方案
  • 查看Python库依赖关系的解决方案
  • 判断指定程序是否正在运行的Python实战代码

8.4 计算

  • Python分数计算的实战代码
  • Python使用科学计数法显示数字的解决方案
  • 求解输入年份所有月的天数的Python实战代码

8.5 windows安装error: Microsoft Visual C++ 14.0解决方案

  • talib安装error: Microsoft Visual C++ 14.0 or greater is required. Get it with Microsoft C++ Build的解决方案
  • pyflux安装error:Microsoft Visual C++ 14.0 or greater is required. Get it with Microsoft C++ Build的解决方案
  • ecos安装error:Microsoft Visual C++ 14.0 or greater is required. Get it with Microsoft C++ Build的解决方案
  • gensim安装error: Microsoft Visual C++ 14.0 or greater is required. Get it with Microsoft C++ Build解决方案
  • wordcloud安装error:Microsoft Visual C++ 14.0 or greater is required.Get it with Microsoft C++ Build解决方案

9. 安全与网络

  • cpe(通用平台枚举)命名规范及python CPE库实战
  • AttributeError: module ‘netzob.Import.PCAPImporter.ImpactPacket’ has no attribute 'ARP’解决方案
  • python发送邮件的实战代码
  • 验证email的Python实战代码
  • 使用Python代码获取网站反应时间的实战代码
  • you-get出现[error] oops, something went wrong.解决方案

10. github

  • fatal: unable to access Failed to connect to github.com port 443: Timed out解决方案
  • git clone出现fatal: unable to access Failed to connect to github.com port 443: Timed out解决方案
  • git clone出现fatal: unable to access OpenSSL SSL_read: Connection was reset, errno 1054解决方案
  • error: external filter git-lfs smudge – %f failed解决方案

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.coloradmin.cn/o/930659.html

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈,一经查实,立即删除!

相关文章

ctfshow web入门 php特性 web108-web112

1.web108 strrev() 反转字符串 <?php echo strrev("Hello world!"); // 输出 "!dlrow olleH" ?> ereg 存在空字符截断(只会匹配%00前面的字符)&#xff0c;这个函数匹配到为true&#xff0c;没有匹配到为false,877为0x36d的十进制数值 payload: …

【微服务】06-安全问题

文章目录 1.反跨站请求伪造1.1 攻击过程1.2 攻击核心1.3 如何防御1.4 使用AntiforgeryToken机制来防御用到的类 2. 防开发重定向共计2.1 攻击过程2.2 攻击核心2.3 防范措施 3.防跨站脚本3.1 攻击过程3.2 防范措施 4.跨域请求4.1 同源与跨域4.2 CORS过程4.2 CORS是什么4.3 CORS请…

解决问题的步骤

得到曲铠的课程学习。 个人感觉前面几节如明确和理解问题&#xff0c;拆分问题&#xff0c;挺好的。 后面就是水分很大&#xff0c;感觉有点烂尾了。 拆分和定期问题&#xff0c;这个指导意义还是很大的。 本质上思路还是有很多学习的地方&#xff0c;更加明确了&#xff0…

nodejs+vue+elementui健身房教练预约管理系统nt5mp

运用新技术&#xff0c;构建了以vue.js为基础的私人健身和教练预约管理信息化管理体系。根据需求分析结果进行了系统的设计&#xff0c;并将其划分为管理员&#xff0c;教练和用户三种角色&#xff1a;主要功能包括首页&#xff0c;个人中心&#xff0c;用户管理&#xff0c;教…

Tomcat和Servlet基础知识的讲解(JavaEE初阶系列16)

目录 前言&#xff1a; 1.Tomcat 1.1Tomcat是什么 1.2下载安装 2.Servlet 2.1什么是Servlet 2.2使用Servlet来编写一个“hello world” 1.2.1创建项目&#xff08;Maven&#xff09; 1.2.2引入依赖&#xff08;Servlet&#xff09; 1.2.3创建目录&#xff08;webapp&a…

java-线程之间共享数据

1. 如何在两个线程之间共享数据 Java 里面进行多线程通信的主要方式就是共享内存的方式&#xff0c;共享内存主要的关注点有两个&#xff1a;可见性和有序性原子性。Java 内存模型&#xff08;JMM&#xff09;解决了可见性和有序性的问题&#xff0c;而锁解决了原子性的问题&a…

人脸识别平台批量导入绑定设备的一种方法

因为原先平台绑定设备是通过一个界面进行人工选择绑定或一个人一个人绑定设备。如下&#xff1a; 但有时候需要在几千个里选择出几百个&#xff0c;那这种方式就不大现实了&#xff0c;需要另外一种方法。 目前相到可以通过导入批量数据进行绑定的方式。 一、前端 主要是显示…

性能测试报告-用于项目的性能验证、性能调优、发现性能缺陷等应用场景

性能测试报告 性能测试报告是一种重要的报告类型&#xff0c;旨在评估软件系统的性能、稳定性和安全性。在这篇文章中&#xff0c;我们将详细介绍性能测试报告的应用场景、测试方法和性能指标&#xff0c;以及如何撰写一份有效的性能测试报告。 一、概述 性能测试报告的目的是…

贪吃蛇是怎么实现的,循环数组的魔力

贪吃蛇是怎么实现的&#xff0c;比如有5个结点的蛇&#xff0c;1,2,3,4,5&#xff0c;1是头&#xff0c;5是尾&#xff0c;结点的坐标用(x,y)表示&#xff0c;蛇要移动x,y怎么变化&#xff1f;没有转向的时候好理解&#xff0c;如果是在水平方向直着走,所有结点的横坐标x1&…

stm32之9.中断优先级配置

主函数main.c #include <stm32f4xx.h> #include "led.h" #include "key.h"#define PAin(n) (*(volatile uint32_t *)(0x42000000 (GPIOA_BASE0x10-0x40000000)*32 (n)*4)) #define PEin(n) (*(volatile uint32_t *)(0x42000000 (GP…

Spring Cloud Alibaba-Sentinel-Sentinel入门

1 什么是Sentinel Sentinel (分布式系统的流量防卫兵) 是阿里开源的一套用于服务容错的综合性解决方案。它以流量为切入点, 从流量控制、熔断降级、系统负载保护等多个维度来保护服务的稳定性。Sentinel 具有以下特征: 丰富的应用场景&#xff1a;Sentinel 承接了阿里…

开始MySQL之路——MySQL约束概述详解

MySQL约束 create table [if not exists] 表名(字段名1 类型[(宽度)] [约束条件] [comment 字段说明],字段名2 类型[(宽度)] [约束条件] [comment 字段说明],字段名3 类型[(宽度)] [约束条件] [comment 字段说明] )[表的一些设置]; 概念 约束英文&#xff1a;constraint 约束实…

【详解】文本检测OCR模型的评价指标

关于文本检测OCR模型的评价指标 前言&#xff1a;网上关于评价标准乱七八糟的&#xff0c;有关于单词的&#xff0c;有关于段落的&#xff0c;似乎没见过谁解释一下常见论文中常用的评价指标具体是怎么计算的&#xff0c;比如DBNet&#xff0c;比如RCNN&#xff0c;这似乎好像…

6种限流实现,附代码![通俗易懂]

作者 | 磊哥 来源 | Java中文社群&#xff08;ID&#xff1a;javacn666&#xff09; 转载请联系授权&#xff08;微信ID&#xff1a;GG_Stone 限流是一种控制访问速率的策略&#xff0c;用于限制系统、服务或API接口的请求频率或数量。它的目的是为了保护系统免受过多请求的影响…

人体行走电压测试仪的特点

人体行走电压测试仪是一种用于测量人体行走时身体所受到的电压的设备。当人体行走时&#xff0c;我们身体与地面之间会形成电位差&#xff0c;这个电位差通常是很小的&#xff0c;但可能会对人体产生影响。通过使用行走电压测试仪&#xff0c;可以精确地测量这种电位差的大小。…

Leetcode-每日一题【剑指 Offer 36. 二叉搜索树与双向链表】

题目 输入一棵二叉搜索树&#xff0c;将该二叉搜索树转换成一个排序的循环双向链表。要求不能创建任何新的节点&#xff0c;只能调整树中节点指针的指向。 为了让您更好地理解问题&#xff0c;以下面的二叉搜索树为例&#xff1a; 我们希望将这个二叉搜索树转化为双向循环链表…

(mybatis与spring集合

mybatis与spring集合 一、Spring集成MyBatis1.1. pom依赖1.2. 配置文件1.3. Spring整合MyBatis1.3.1. 配置自动扫描JavaBean1.3.2. 配置数据源1.3.3. 配置session工厂1.3.4. 配置mapper扫描接口1.3.5. 配置事务管理器1.3.6. 配置AOP自动代理1.4. 测试 二、Spring集成PageHelper…

Nodejs+vue+elementui幼儿园管理系统5umt6

本课题主要研究如何用信息化技术改善传统幼儿园行业的经营和管理模式&#xff0c;简化幼儿园管理的难度&#xff0c;根据幼儿园管理实际业务需求&#xff0c;调研、分析和编写系统需求文档&#xff0c;设计编写符合企业需要的系统说明书&#xff0c;绘制数据库结构模型&#xf…

AI驱动的大数据创新:探索软件开发中的机会和挑战

文章目录 机会数据驱动的决策自动化和效率提升智能预测和优化个性化体验 挑战数据隐私与安全技术复杂性数据质量和清洗伦理和社会问题 案例&#xff1a;智能代码生成工具总结 &#x1f388;个人主页&#xff1a;程序员 小侯 &#x1f390;CSDN新晋作者 &#x1f389;欢迎 &…

SpringBoot使用@Scheduled实现定时任务

前言 Spring3.0版本之后就自带定时任务&#xff0c;提供了EnableScheduling和Scheduled这两个注解来实现定时任务的功能。 创建定时任务也变得尤为简单。 创建过程 步骤一&#xff1a;在SpringBoot的启动类上加上EnableScheduling注解&#xff0c;开启定时任务管理。 步骤二…