XuBailing commited on
Commit
41ad9d7
1 Parent(s): 6623fe4

Upload 124 files

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. chains/__pycache__/local_doc_qa.cpython-310.pyc +0 -0
  2. chains/__pycache__/local_doc_qa.cpython-311.pyc +0 -0
  3. chains/dialogue_answering/__init__.py +7 -0
  4. chains/dialogue_answering/__main__.py +36 -0
  5. chains/dialogue_answering/base.py +99 -0
  6. chains/dialogue_answering/prompts.py +22 -0
  7. chains/local_doc_qa.py +347 -0
  8. chains/modules/embeddings.py +34 -0
  9. chains/modules/vectorstores.py +121 -0
  10. chains/text_load.py +52 -0
  11. configs/__pycache__/model_config.cpython-310.pyc +0 -0
  12. configs/__pycache__/model_config.cpython-311.pyc +0 -0
  13. configs/model_config - 副本.py +194 -0
  14. configs/model_config.py +202 -0
  15. docs/API.md +1042 -0
  16. docs/CHANGELOG.md +32 -0
  17. docs/FAQ.md +179 -0
  18. docs/INSTALL.md +47 -0
  19. docs/Issue-with-Installing-Packages-Using-pip-in-Anaconda.md +114 -0
  20. docs/StartOption.md +76 -0
  21. docs/cli.md +49 -0
  22. docs/fastchat.md +24 -0
  23. docs/在Anaconda中使用pip安装包无效问题.md +125 -0
  24. flagged/component 2/tmp036204lo.json +1 -0
  25. flagged/component 2/tmp0h1h7ul4.json +1 -0
  26. flagged/component 2/tmp0jhul1pf.json +1 -0
  27. flagged/component 2/tmp0u3h_pds.json +1 -0
  28. flagged/component 2/tmp1i92t4_q.json +1 -0
  29. flagged/component 2/tmp1rbxzfjz.json +1 -0
  30. flagged/component 2/tmp1t5top4s.json +1 -0
  31. flagged/component 2/tmp1vo5_fsv.json +1 -0
  32. flagged/component 2/tmp1xaz54uv.json +1 -0
  33. flagged/component 2/tmp2jlva6zd.json +1 -0
  34. flagged/component 2/tmp2wbwwbq5.json +1 -0
  35. flagged/component 2/tmp2y54nvp8.json +1 -0
  36. flagged/component 2/tmp2zoyzbym.json +1 -0
  37. flagged/component 2/tmp30hwbm8w.json +1 -0
  38. flagged/component 2/tmp37wm540u.json +1 -0
  39. flagged/component 2/tmp385ev1ks.json +1 -0
  40. flagged/component 2/tmp3c6guzh7.json +1 -0
  41. flagged/component 2/tmp3denp91u.json +1 -0
  42. flagged/component 2/tmp3ibtx7ll.json +1 -0
  43. flagged/component 2/tmp3myqheom.json +1 -0
  44. flagged/component 2/tmp3nelxqwy.json +1 -0
  45. flagged/component 2/tmp4kqr02fc.json +1 -0
  46. flagged/component 2/tmp4mi9vs7v.json +1 -0
  47. flagged/component 2/tmp4t610iwv.json +1 -0
  48. flagged/component 2/tmp4x56rdof.json +1 -0
  49. flagged/component 2/tmp4zovm7y1.json +1 -0
  50. flagged/component 2/tmp51z825bg.json +1 -0
chains/__pycache__/local_doc_qa.cpython-310.pyc ADDED
Binary file (11.3 kB). View file
 
chains/__pycache__/local_doc_qa.cpython-311.pyc ADDED
Binary file (22.6 kB). View file
 
chains/dialogue_answering/__init__.py ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ from .base import (
2
+ DialogueWithSharedMemoryChains
3
+ )
4
+
5
+ __all__ = [
6
+ "DialogueWithSharedMemoryChains"
7
+ ]
chains/dialogue_answering/__main__.py ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import sys
2
+ import os
3
+ import argparse
4
+ import asyncio
5
+ from argparse import Namespace
6
+ sys.path.append(os.path.dirname(os.path.abspath(__file__)) + '/../../')
7
+ from chains.dialogue_answering import *
8
+ from langchain.llms import OpenAI
9
+ from models.base import (BaseAnswer,
10
+ AnswerResult)
11
+ import models.shared as shared
12
+ from models.loader.args import parser
13
+ from models.loader import LoaderCheckPoint
14
+
15
+ async def dispatch(args: Namespace):
16
+
17
+ args_dict = vars(args)
18
+ shared.loaderCheckPoint = LoaderCheckPoint(args_dict)
19
+ llm_model_ins = shared.loaderLLM()
20
+ if not os.path.isfile(args.dialogue_path):
21
+ raise FileNotFoundError(f'Invalid dialogue file path for demo mode: "{args.dialogue_path}"')
22
+ llm = OpenAI(temperature=0)
23
+ dialogue_instance = DialogueWithSharedMemoryChains(zero_shot_react_llm=llm, ask_llm=llm_model_ins, params=args_dict)
24
+
25
+ dialogue_instance.agent_chain.run(input="What did David say before, summarize it")
26
+
27
+
28
+ if __name__ == '__main__':
29
+
30
+ parser.add_argument('--dialogue-path', default='', type=str, help='dialogue-path')
31
+ parser.add_argument('--embedding-model', default='', type=str, help='embedding-model')
32
+ args = parser.parse_args(['--dialogue-path', '/home/dmeck/Downloads/log.txt',
33
+ '--embedding-mode', '/media/checkpoint/text2vec-large-chinese/'])
34
+ loop = asyncio.new_event_loop()
35
+ asyncio.set_event_loop(loop)
36
+ loop.run_until_complete(dispatch(args))
chains/dialogue_answering/base.py ADDED
@@ -0,0 +1,99 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain.base_language import BaseLanguageModel
2
+ from langchain.agents import ZeroShotAgent, Tool, AgentExecutor
3
+ from langchain.memory import ConversationBufferMemory, ReadOnlySharedMemory
4
+ from langchain.chains import LLMChain, RetrievalQA
5
+ from langchain.embeddings.huggingface import HuggingFaceEmbeddings
6
+ from langchain.prompts import PromptTemplate
7
+ from langchain.text_splitter import CharacterTextSplitter
8
+ from langchain.vectorstores import Chroma
9
+
10
+ from loader import DialogueLoader
11
+ from chains.dialogue_answering.prompts import (
12
+ DIALOGUE_PREFIX,
13
+ DIALOGUE_SUFFIX,
14
+ SUMMARY_PROMPT
15
+ )
16
+
17
+
18
+ class DialogueWithSharedMemoryChains:
19
+ zero_shot_react_llm: BaseLanguageModel = None
20
+ ask_llm: BaseLanguageModel = None
21
+ embeddings: HuggingFaceEmbeddings = None
22
+ embedding_model: str = None
23
+ vector_search_top_k: int = 6
24
+ dialogue_path: str = None
25
+ dialogue_loader: DialogueLoader = None
26
+ device: str = None
27
+
28
+ def __init__(self, zero_shot_react_llm: BaseLanguageModel = None, ask_llm: BaseLanguageModel = None,
29
+ params: dict = None):
30
+ self.zero_shot_react_llm = zero_shot_react_llm
31
+ self.ask_llm = ask_llm
32
+ params = params or {}
33
+ self.embedding_model = params.get('embedding_model', 'GanymedeNil/text2vec-large-chinese')
34
+ self.vector_search_top_k = params.get('vector_search_top_k', 6)
35
+ self.dialogue_path = params.get('dialogue_path', '')
36
+ self.device = 'cuda' if params.get('use_cuda', False) else 'cpu'
37
+
38
+ self.dialogue_loader = DialogueLoader(self.dialogue_path)
39
+ self._init_cfg()
40
+ self._init_state_of_history()
41
+ self.memory_chain, self.memory = self._agents_answer()
42
+ self.agent_chain = self._create_agent_chain()
43
+
44
+ def _init_cfg(self):
45
+ model_kwargs = {
46
+ 'device': self.device
47
+ }
48
+ self.embeddings = HuggingFaceEmbeddings(model_name=self.embedding_model, model_kwargs=model_kwargs)
49
+
50
+ def _init_state_of_history(self):
51
+ documents = self.dialogue_loader.load()
52
+ text_splitter = CharacterTextSplitter(chunk_size=3, chunk_overlap=1)
53
+ texts = text_splitter.split_documents(documents)
54
+ docsearch = Chroma.from_documents(texts, self.embeddings, collection_name="state-of-history")
55
+ self.state_of_history = RetrievalQA.from_chain_type(llm=self.ask_llm, chain_type="stuff",
56
+ retriever=docsearch.as_retriever())
57
+
58
+ def _agents_answer(self):
59
+
60
+ memory = ConversationBufferMemory(memory_key="chat_history")
61
+ readonly_memory = ReadOnlySharedMemory(memory=memory)
62
+ memory_chain = LLMChain(
63
+ llm=self.ask_llm,
64
+ prompt=SUMMARY_PROMPT,
65
+ verbose=True,
66
+ memory=readonly_memory, # use the read-only memory to prevent the tool from modifying the memory
67
+ )
68
+ return memory_chain, memory
69
+
70
+ def _create_agent_chain(self):
71
+ dialogue_participants = self.dialogue_loader.dialogue.participants_to_export()
72
+ tools = [
73
+ Tool(
74
+ name="State of Dialogue History System",
75
+ func=self.state_of_history.run,
76
+ description=f"Dialogue with {dialogue_participants} - The answers in this section are very useful "
77
+ f"when searching for chat content between {dialogue_participants}. Input should be a "
78
+ f"complete question. "
79
+ ),
80
+ Tool(
81
+ name="Summary",
82
+ func=self.memory_chain.run,
83
+ description="useful for when you summarize a conversation. The input to this tool should be a string, "
84
+ "representing who will read this summary. "
85
+ )
86
+ ]
87
+
88
+ prompt = ZeroShotAgent.create_prompt(
89
+ tools,
90
+ prefix=DIALOGUE_PREFIX,
91
+ suffix=DIALOGUE_SUFFIX,
92
+ input_variables=["input", "chat_history", "agent_scratchpad"]
93
+ )
94
+
95
+ llm_chain = LLMChain(llm=self.zero_shot_react_llm, prompt=prompt)
96
+ agent = ZeroShotAgent(llm_chain=llm_chain, tools=tools, verbose=True)
97
+ agent_chain = AgentExecutor.from_agent_and_tools(agent=agent, tools=tools, verbose=True, memory=self.memory)
98
+
99
+ return agent_chain
chains/dialogue_answering/prompts.py ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain.prompts.prompt import PromptTemplate
2
+
3
+
4
+ SUMMARY_TEMPLATE = """This is a conversation between a human and a bot:
5
+
6
+ {chat_history}
7
+
8
+ Write a summary of the conversation for {input}:
9
+ """
10
+
11
+ SUMMARY_PROMPT = PromptTemplate(
12
+ input_variables=["input", "chat_history"],
13
+ template=SUMMARY_TEMPLATE
14
+ )
15
+
16
+ DIALOGUE_PREFIX = """Have a conversation with a human,Analyze the content of the conversation.
17
+ You have access to the following tools: """
18
+ DIALOGUE_SUFFIX = """Begin!
19
+
20
+ {chat_history}
21
+ Question: {input}
22
+ {agent_scratchpad}"""
chains/local_doc_qa.py ADDED
@@ -0,0 +1,347 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain.embeddings.huggingface import HuggingFaceEmbeddings
2
+ from vectorstores import MyFAISS
3
+ from langchain.document_loaders import UnstructuredFileLoader, TextLoader, CSVLoader
4
+ from configs.model_config import *
5
+ import datetime
6
+ from textsplitter import ChineseTextSplitter
7
+ from typing import List
8
+ from utils import torch_gc
9
+ from tqdm import tqdm
10
+ from pypinyin import lazy_pinyin
11
+ from loader import UnstructuredPaddleImageLoader, UnstructuredPaddlePDFLoader
12
+ from models.base import (BaseAnswer,
13
+ AnswerResult)
14
+ from models.loader.args import parser
15
+ from models.loader import LoaderCheckPoint
16
+ import models.shared as shared
17
+ from agent import bing_search
18
+ from langchain.docstore.document import Document
19
+ from functools import lru_cache
20
+ from textsplitter.zh_title_enhance import zh_title_enhance
21
+
22
+
23
+ # patch HuggingFaceEmbeddings to make it hashable
24
+ def _embeddings_hash(self):
25
+ return hash(self.model_name)
26
+
27
+
28
+ HuggingFaceEmbeddings.__hash__ = _embeddings_hash
29
+
30
+
31
+ # will keep CACHED_VS_NUM of vector store caches
32
+ @lru_cache(CACHED_VS_NUM)
33
+ def load_vector_store(vs_path, embeddings):
34
+ return MyFAISS.load_local(vs_path, embeddings)
35
+
36
+
37
+ def tree(filepath, ignore_dir_names=None, ignore_file_names=None):
38
+ """返回两个列表,第一个列表为 filepath 下全部文件的完整路径, 第二个为对应的文件名"""
39
+ if ignore_dir_names is None:
40
+ ignore_dir_names = []
41
+ if ignore_file_names is None:
42
+ ignore_file_names = []
43
+ ret_list = []
44
+ if isinstance(filepath, str):
45
+ if not os.path.exists(filepath):
46
+ print("路径不存在")
47
+ return None, None
48
+ elif os.path.isfile(filepath) and os.path.basename(filepath) not in ignore_file_names:
49
+ return [filepath], [os.path.basename(filepath)]
50
+ elif os.path.isdir(filepath) and os.path.basename(filepath) not in ignore_dir_names:
51
+ for file in os.listdir(filepath):
52
+ fullfilepath = os.path.join(filepath, file)
53
+ if os.path.isfile(fullfilepath) and os.path.basename(fullfilepath) not in ignore_file_names:
54
+ ret_list.append(fullfilepath)
55
+ if os.path.isdir(fullfilepath) and os.path.basename(fullfilepath) not in ignore_dir_names:
56
+ ret_list.extend(tree(fullfilepath, ignore_dir_names, ignore_file_names)[0])
57
+ return ret_list, [os.path.basename(p) for p in ret_list]
58
+
59
+
60
+ def load_file(filepath, sentence_size=SENTENCE_SIZE, using_zh_title_enhance=ZH_TITLE_ENHANCE):
61
+ if filepath.lower().endswith(".md"):
62
+ loader = UnstructuredFileLoader(filepath, mode="elements")
63
+ docs = loader.load()
64
+ elif filepath.lower().endswith(".txt"):
65
+ loader = TextLoader(filepath, autodetect_encoding=True)
66
+ textsplitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
67
+ docs = loader.load_and_split(textsplitter)
68
+ elif filepath.lower().endswith(".pdf"):
69
+ loader = UnstructuredPaddlePDFLoader(filepath)
70
+ textsplitter = ChineseTextSplitter(pdf=True, sentence_size=sentence_size)
71
+ docs = loader.load_and_split(textsplitter)
72
+ elif filepath.lower().endswith(".jpg") or filepath.lower().endswith(".png"):
73
+ loader = UnstructuredPaddleImageLoader(filepath, mode="elements")
74
+ textsplitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
75
+ docs = loader.load_and_split(text_splitter=textsplitter)
76
+ elif filepath.lower().endswith(".csv"):
77
+ loader = CSVLoader(filepath)
78
+ docs = loader.load()
79
+ else:
80
+ loader = UnstructuredFileLoader(filepath, mode="elements")
81
+ textsplitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
82
+ docs = loader.load_and_split(text_splitter=textsplitter)
83
+ if using_zh_title_enhance:
84
+ docs = zh_title_enhance(docs)
85
+ write_check_file(filepath, docs)
86
+ return docs
87
+
88
+
89
+ def write_check_file(filepath, docs):
90
+ folder_path = os.path.join(os.path.dirname(filepath), "tmp_files")
91
+ if not os.path.exists(folder_path):
92
+ os.makedirs(folder_path)
93
+ fp = os.path.join(folder_path, 'load_file.txt')
94
+ with open(fp, 'a+', encoding='utf-8') as fout:
95
+ fout.write("filepath=%s,len=%s" % (filepath, len(docs)))
96
+ fout.write('\n')
97
+ for i in docs:
98
+ fout.write(str(i))
99
+ fout.write('\n')
100
+ fout.close()
101
+
102
+
103
+ def generate_prompt(related_docs: List[str],
104
+ query: str,
105
+ prompt_template: str = PROMPT_TEMPLATE, ) -> str:
106
+ context = "\n".join([doc.page_content for doc in related_docs])
107
+ prompt = prompt_template.replace("{question}", query).replace("{context}", context)
108
+ return prompt
109
+
110
+
111
+ def search_result2docs(search_results):
112
+ docs = []
113
+ for result in search_results:
114
+ doc = Document(page_content=result["snippet"] if "snippet" in result.keys() else "",
115
+ metadata={"source": result["link"] if "link" in result.keys() else "",
116
+ "filename": result["title"] if "title" in result.keys() else ""})
117
+ docs.append(doc)
118
+ return docs
119
+
120
+
121
+ class LocalDocQA:
122
+ llm: BaseAnswer = None
123
+ embeddings: object = None
124
+ top_k: int = VECTOR_SEARCH_TOP_K
125
+ chunk_size: int = CHUNK_SIZE
126
+ chunk_conent: bool = True
127
+ score_threshold: int = VECTOR_SEARCH_SCORE_THRESHOLD
128
+
129
+ def init_cfg(self,
130
+ embedding_model: str = EMBEDDING_MODEL,
131
+ embedding_device=EMBEDDING_DEVICE,
132
+ llm_model: BaseAnswer = None,
133
+ top_k=VECTOR_SEARCH_TOP_K,
134
+ ):
135
+ self.llm = llm_model
136
+ self.embeddings = HuggingFaceEmbeddings(model_name="C:/Users/Administrator/text2vec-large-chinese",
137
+ model_kwargs={'device': embedding_device})
138
+ # self.embeddings = HuggingFaceEmbeddings(model_name=embedding_model_dict[embedding_model],
139
+ # model_kwargs={'device': embedding_device})
140
+
141
+ self.top_k = top_k
142
+
143
+ def init_knowledge_vector_store(self,
144
+ filepath: str or List[str],
145
+ vs_path: str or os.PathLike = None,
146
+ sentence_size=SENTENCE_SIZE):
147
+ loaded_files = []
148
+ failed_files = []
149
+ if isinstance(filepath, str):
150
+ if not os.path.exists(filepath):
151
+ print("路径不存在")
152
+ return None
153
+ elif os.path.isfile(filepath):
154
+ file = os.path.split(filepath)[-1]
155
+ try:
156
+ docs = load_file(filepath, sentence_size)
157
+ logger.info(f"{file} 已成功加载")
158
+ loaded_files.append(filepath)
159
+ except Exception as e:
160
+ logger.error(e)
161
+ logger.info(f"{file} 未能成功加载")
162
+ return None
163
+ elif os.path.isdir(filepath):
164
+ docs = []
165
+ for fullfilepath, file in tqdm(zip(*tree(filepath, ignore_dir_names=['tmp_files'])), desc="加载文件"):
166
+ try:
167
+ docs += load_file(fullfilepath, sentence_size)
168
+ loaded_files.append(fullfilepath)
169
+ except Exception as e:
170
+ logger.error(e)
171
+ failed_files.append(file)
172
+
173
+ if len(failed_files) > 0:
174
+ logger.info("以下文件未能成功加载:")
175
+ for file in failed_files:
176
+ logger.info(f"{file}\n")
177
+
178
+ else:
179
+ docs = []
180
+ for file in filepath:
181
+ try:
182
+ docs += load_file(file)
183
+ logger.info(f"{file} 已成功加载")
184
+ loaded_files.append(file)
185
+ except Exception as e:
186
+ logger.error(e)
187
+ logger.info(f"{file} 未能成功加载")
188
+ if len(docs) > 0:
189
+ logger.info("文件加载完毕,正在生成向量库")
190
+ if vs_path and os.path.isdir(vs_path) and "index.faiss" in os.listdir(vs_path):
191
+ vector_store = load_vector_store(vs_path, self.embeddings)
192
+ vector_store.add_documents(docs)
193
+ torch_gc()
194
+ else:
195
+ if not vs_path:
196
+ vs_path = os.path.join(KB_ROOT_PATH,
197
+ f"""{"".join(lazy_pinyin(os.path.splitext(file)[0]))}_FAISS_{datetime.datetime.now().strftime("%Y%m%d_%H%M%S")}""",
198
+ "vector_store")
199
+ vector_store = MyFAISS.from_documents(docs, self.embeddings) # docs 为Document列表
200
+ torch_gc()
201
+
202
+ vector_store.save_local(vs_path)
203
+ return vs_path, loaded_files
204
+ else:
205
+ logger.info("文件均未成功加载,请检查依赖包或替换为其他文件再次上传。")
206
+ return None, loaded_files
207
+
208
+ def one_knowledge_add(self, vs_path, one_title, one_conent, one_content_segmentation, sentence_size):
209
+ try:
210
+ if not vs_path or not one_title or not one_conent:
211
+ logger.info("知识库添加错误,请确认知识库名字、标题、内容是否正确!")
212
+ return None, [one_title]
213
+ docs = [Document(page_content=one_conent + "\n", metadata={"source": one_title})]
214
+ if not one_content_segmentation:
215
+ text_splitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
216
+ docs = text_splitter.split_documents(docs)
217
+ if os.path.isdir(vs_path) and os.path.isfile(vs_path + "/index.faiss"):
218
+ vector_store = load_vector_store(vs_path, self.embeddings)
219
+ vector_store.add_documents(docs)
220
+ else:
221
+ vector_store = MyFAISS.from_documents(docs, self.embeddings) ##docs 为Document列表
222
+ torch_gc()
223
+ vector_store.save_local(vs_path)
224
+ return vs_path, [one_title]
225
+ except Exception as e:
226
+ logger.error(e)
227
+ return None, [one_title]
228
+
229
+ def get_knowledge_based_answer(self, query, vs_path, chat_history=[], streaming: bool = STREAMING):
230
+ vector_store = load_vector_store(vs_path, self.embeddings)
231
+ vector_store.chunk_size = self.chunk_size
232
+ vector_store.chunk_conent = self.chunk_conent
233
+ vector_store.score_threshold = self.score_threshold
234
+ related_docs_with_score = vector_store.similarity_search_with_score(query, k=self.top_k)
235
+ torch_gc()
236
+ if len(related_docs_with_score) > 0:
237
+ prompt = generate_prompt(related_docs_with_score, query)
238
+ else:
239
+ prompt = query
240
+
241
+ for answer_result in self.llm.generatorAnswer(prompt=prompt, history=chat_history,
242
+ streaming=streaming):
243
+ resp = answer_result.llm_output["answer"]
244
+ history = answer_result.history
245
+ history[-1][0] = query
246
+ response = {"query": query,
247
+ "result": resp,
248
+ "source_documents": related_docs_with_score}
249
+ yield response, history
250
+
251
+ # query 查询内容
252
+ # vs_path 知识库路径
253
+ # chunk_conent 是否启用上下文关联
254
+ # score_threshold 搜索匹配score阈值
255
+ # vector_search_top_k 搜索知识库内容条数,默认搜索5条结果
256
+ # chunk_sizes 匹配单段内容的连接上下文长度
257
+ def get_knowledge_based_conent_test(self, query, vs_path, chunk_conent,
258
+ score_threshold=VECTOR_SEARCH_SCORE_THRESHOLD,
259
+ vector_search_top_k=VECTOR_SEARCH_TOP_K, chunk_size=CHUNK_SIZE):
260
+ vector_store = load_vector_store(vs_path, self.embeddings)
261
+ # FAISS.similarity_search_with_score_by_vector = similarity_search_with_score_by_vector
262
+ vector_store.chunk_conent = chunk_conent
263
+ vector_store.score_threshold = score_threshold
264
+ vector_store.chunk_size = chunk_size
265
+ related_docs_with_score = vector_store.similarity_search_with_score(query, k=vector_search_top_k)
266
+ if not related_docs_with_score:
267
+ response = {"query": query,
268
+ "source_documents": []}
269
+ return response, ""
270
+ torch_gc()
271
+ prompt = "\n".join([doc.page_content for doc in related_docs_with_score])
272
+ response = {"query": query,
273
+ "source_documents": related_docs_with_score}
274
+ return response, prompt
275
+
276
+ def get_search_result_based_answer(self, query, chat_history=[], streaming: bool = STREAMING):
277
+ results = bing_search(query)
278
+ result_docs = search_result2docs(results)
279
+ prompt = generate_prompt(result_docs, query)
280
+
281
+ for answer_result in self.llm.generatorAnswer(prompt=prompt, history=chat_history,
282
+ streaming=streaming):
283
+ resp = answer_result.llm_output["answer"]
284
+ history = answer_result.history
285
+ history[-1][0] = query
286
+ response = {"query": query,
287
+ "result": resp,
288
+ "source_documents": result_docs}
289
+ yield response, history
290
+
291
+ def delete_file_from_vector_store(self,
292
+ filepath: str or List[str],
293
+ vs_path):
294
+ vector_store = load_vector_store(vs_path, self.embeddings)
295
+ status = vector_store.delete_doc(filepath)
296
+ return status
297
+
298
+ def update_file_from_vector_store(self,
299
+ filepath: str or List[str],
300
+ vs_path,
301
+ docs: List[Document],):
302
+ vector_store = load_vector_store(vs_path, self.embeddings)
303
+ status = vector_store.update_doc(filepath, docs)
304
+ return status
305
+
306
+ def list_file_from_vector_store(self,
307
+ vs_path,
308
+ fullpath=False):
309
+ vector_store = load_vector_store(vs_path, self.embeddings)
310
+ docs = vector_store.list_docs()
311
+ if fullpath:
312
+ return docs
313
+ else:
314
+ return [os.path.split(doc)[-1] for doc in docs]
315
+
316
+
317
+ if __name__ == "__main__":
318
+ # 初始化消息
319
+ args = None
320
+ args = parser.parse_args(args=['--model-dir', '/media/checkpoint/', '--model', 'chatglm-6b', '--no-remote-model'])
321
+
322
+ args_dict = vars(args)
323
+ shared.loaderCheckPoint = LoaderCheckPoint(args_dict)
324
+ llm_model_ins = shared.loaderLLM()
325
+ llm_model_ins.set_history_len(LLM_HISTORY_LEN)
326
+
327
+ local_doc_qa = LocalDocQA()
328
+ local_doc_qa.init_cfg(llm_model=llm_model_ins)
329
+ query = "本项目使用的embedding模型是什么,消耗多少显存"
330
+ vs_path = "/media/gpt4-pdf-chatbot-langchain/dev-langchain-ChatGLM/vector_store/test"
331
+ last_print_len = 0
332
+ # for resp, history in local_doc_qa.get_knowledge_based_answer(query=query,
333
+ # vs_path=vs_path,
334
+ # chat_history=[],
335
+ # streaming=True):
336
+ for resp, history in local_doc_qa.get_search_result_based_answer(query=query,
337
+ chat_history=[],
338
+ streaming=True):
339
+ print(resp["result"][last_print_len:], end="", flush=True)
340
+ last_print_len = len(resp["result"])
341
+ source_text = [f"""出处 [{inum + 1}] {doc.metadata['source'] if doc.metadata['source'].startswith("http")
342
+ else os.path.split(doc.metadata['source'])[-1]}:\n\n{doc.page_content}\n\n"""
343
+ # f"""相关度:{doc.metadata['score']}\n\n"""
344
+ for inum, doc in
345
+ enumerate(resp["source_documents"])]
346
+ logger.info("\n\n" + "\n\n".join(source_text))
347
+ pass
chains/modules/embeddings.py ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain.embeddings.huggingface import HuggingFaceEmbeddings
2
+
3
+ from typing import Any, List
4
+
5
+
6
+ class MyEmbeddings(HuggingFaceEmbeddings):
7
+ def __init__(self, **kwargs: Any):
8
+ super().__init__(**kwargs)
9
+
10
+ def embed_documents(self, texts: List[str]) -> List[List[float]]:
11
+ """Compute doc embeddings using a HuggingFace transformer model.
12
+
13
+ Args:
14
+ texts: The list of texts to embed.
15
+
16
+ Returns:
17
+ List of embeddings, one for each text.
18
+ """
19
+ texts = list(map(lambda x: x.replace("\n", " "), texts))
20
+ embeddings = self.client.encode(texts, normalize_embeddings=True)
21
+ return embeddings.tolist()
22
+
23
+ def embed_query(self, text: str) -> List[float]:
24
+ """Compute query embeddings using a HuggingFace transformer model.
25
+
26
+ Args:
27
+ text: The text to embed.
28
+
29
+ Returns:
30
+ Embeddings for the text.
31
+ """
32
+ text = text.replace("\n", " ")
33
+ embedding = self.client.encode(text, normalize_embeddings=True)
34
+ return embedding.tolist()
chains/modules/vectorstores.py ADDED
@@ -0,0 +1,121 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain.vectorstores import FAISS
2
+ from typing import Any, Callable, List, Optional, Tuple, Dict
3
+ from langchain.docstore.document import Document
4
+ from langchain.docstore.base import Docstore
5
+
6
+ from langchain.vectorstores.utils import maximal_marginal_relevance
7
+ from langchain.embeddings.base import Embeddings
8
+ import uuid
9
+ from langchain.docstore.in_memory import InMemoryDocstore
10
+
11
+ import numpy as np
12
+
13
+ def dependable_faiss_import() -> Any:
14
+ """Import faiss if available, otherwise raise error."""
15
+ try:
16
+ import faiss
17
+ except ImportError:
18
+ raise ValueError(
19
+ "Could not import faiss python package. "
20
+ "Please install it with `pip install faiss` "
21
+ "or `pip install faiss-cpu` (depending on Python version)."
22
+ )
23
+ return faiss
24
+
25
+ class FAISSVS(FAISS):
26
+ def __init__(self,
27
+ embedding_function: Callable[..., Any],
28
+ index: Any,
29
+ docstore: Docstore,
30
+ index_to_docstore_id: Dict[int, str]):
31
+ super().__init__(embedding_function, index, docstore, index_to_docstore_id)
32
+
33
+ def max_marginal_relevance_search_by_vector(
34
+ self, embedding: List[float], k: int = 4, fetch_k: int = 20, **kwargs: Any
35
+ ) -> List[Tuple[Document, float]]:
36
+ """Return docs selected using the maximal marginal relevance.
37
+
38
+ Maximal marginal relevance optimizes for similarity to query AND diversity
39
+ among selected documents.
40
+
41
+ Args:
42
+ embedding: Embedding to look up documents similar to.
43
+ k: Number of Documents to return. Defaults to 4.
44
+ fetch_k: Number of Documents to fetch to pass to MMR algorithm.
45
+
46
+ Returns:
47
+ List of Documents with scores selected by maximal marginal relevance.
48
+ """
49
+ scores, indices = self.index.search(np.array([embedding], dtype=np.float32), fetch_k)
50
+ # -1 happens when not enough docs are returned.
51
+ embeddings = [self.index.reconstruct(int(i)) for i in indices[0] if i != -1]
52
+ mmr_selected = maximal_marginal_relevance(
53
+ np.array([embedding], dtype=np.float32), embeddings, k=k
54
+ )
55
+ selected_indices = [indices[0][i] for i in mmr_selected]
56
+ selected_scores = [scores[0][i] for i in mmr_selected]
57
+ docs = []
58
+ for i, score in zip(selected_indices, selected_scores):
59
+ if i == -1:
60
+ # This happens when not enough docs are returned.
61
+ continue
62
+ _id = self.index_to_docstore_id[i]
63
+ doc = self.docstore.search(_id)
64
+ if not isinstance(doc, Document):
65
+ raise ValueError(f"Could not find document for id {_id}, got {doc}")
66
+ docs.append((doc, score))
67
+ return docs
68
+
69
+ def max_marginal_relevance_search(
70
+ self,
71
+ query: str,
72
+ k: int = 4,
73
+ fetch_k: int = 20,
74
+ **kwargs: Any,
75
+ ) -> List[Tuple[Document, float]]:
76
+ """Return docs selected using the maximal marginal relevance.
77
+
78
+ Maximal marginal relevance optimizes for similarity to query AND diversity
79
+ among selected documents.
80
+
81
+ Args:
82
+ query: Text to look up documents similar to.
83
+ k: Number of Documents to return. Defaults to 4.
84
+ fetch_k: Number of Documents to fetch to pass to MMR algorithm.
85
+
86
+ Returns:
87
+ List of Documents with scores selected by maximal marginal relevance.
88
+ """
89
+ embedding = self.embedding_function(query)
90
+ docs = self.max_marginal_relevance_search_by_vector(embedding, k, fetch_k)
91
+ return docs
92
+
93
+ @classmethod
94
+ def __from(
95
+ cls,
96
+ texts: List[str],
97
+ embeddings: List[List[float]],
98
+ embedding: Embeddings,
99
+ metadatas: Optional[List[dict]] = None,
100
+ **kwargs: Any,
101
+ ) -> FAISS:
102
+ faiss = dependable_faiss_import()
103
+ index = faiss.IndexFlatIP(len(embeddings[0]))
104
+ index.add(np.array(embeddings, dtype=np.float32))
105
+
106
+ # # my code, for speeding up search
107
+ # quantizer = faiss.IndexFlatL2(len(embeddings[0]))
108
+ # index = faiss.IndexIVFFlat(quantizer, len(embeddings[0]), 100)
109
+ # index.train(np.array(embeddings, dtype=np.float32))
110
+ # index.add(np.array(embeddings, dtype=np.float32))
111
+
112
+ documents = []
113
+ for i, text in enumerate(texts):
114
+ metadata = metadatas[i] if metadatas else {}
115
+ documents.append(Document(page_content=text, metadata=metadata))
116
+ index_to_id = {i: str(uuid.uuid4()) for i in range(len(documents))}
117
+ docstore = InMemoryDocstore(
118
+ {index_to_id[i]: doc for i, doc in enumerate(documents)}
119
+ )
120
+ return cls(embedding.embed_query, index, docstore, index_to_id)
121
+
chains/text_load.py ADDED
@@ -0,0 +1,52 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import os
2
+ import pinecone
3
+ from tqdm import tqdm
4
+ from langchain.llms import OpenAI
5
+ from langchain.text_splitter import SpacyTextSplitter
6
+ from langchain.document_loaders import TextLoader
7
+ from langchain.document_loaders import DirectoryLoader
8
+ from langchain.indexes import VectorstoreIndexCreator
9
+ from langchain.embeddings.openai import OpenAIEmbeddings
10
+ from langchain.vectorstores import Pinecone
11
+
12
+ #一些配置文件
13
+ openai_key="你的key" # 注册 openai.com 后获得
14
+ pinecone_key="你的key" # 注册 app.pinecone.io 后获得
15
+ pinecone_index="你的库" #app.pinecone.io 获得
16
+ pinecone_environment="你的Environment" # 登录pinecone后,在indexes页面 查看Environment
17
+ pinecone_namespace="你的Namespace" #如果不存在自动创建
18
+
19
+ #科学上网你懂得
20
+ os.environ['HTTP_PROXY'] = 'http://127.0.0.1:7890'
21
+ os.environ['HTTPS_PROXY'] = 'http://127.0.0.1:7890'
22
+
23
+ #初始化pinecone
24
+ pinecone.init(
25
+ api_key=pinecone_key,
26
+ environment=pinecone_environment
27
+ )
28
+ index = pinecone.Index(pinecone_index)
29
+
30
+ #初始化OpenAI的embeddings
31
+ embeddings = OpenAIEmbeddings(openai_api_key=openai_key)
32
+
33
+ #初始化text_splitter
34
+ text_splitter = SpacyTextSplitter(pipeline='zh_core_web_sm',chunk_size=1000,chunk_overlap=200)
35
+
36
+ # 读取目录下所有后缀是txt的文件
37
+ loader = DirectoryLoader('../docs', glob="**/*.txt", loader_cls=TextLoader)
38
+
39
+ #读取文本文件
40
+ documents = loader.load()
41
+
42
+ # 使用text_splitter对文档进行分割
43
+ split_text = text_splitter.split_documents(documents)
44
+ try:
45
+ for document in tqdm(split_text):
46
+ # 获取向量并储存到pinecone
47
+ Pinecone.from_documents([document], embeddings, index_name=pinecone_index)
48
+ except Exception as e:
49
+ print(f"Error: {e}")
50
+ quit()
51
+
52
+
configs/__pycache__/model_config.cpython-310.pyc ADDED
Binary file (2.96 kB). View file
 
configs/__pycache__/model_config.cpython-311.pyc ADDED
Binary file (4.29 kB). View file
 
configs/model_config - 副本.py ADDED
@@ -0,0 +1,194 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch.cuda
2
+ import torch.backends
3
+ import os
4
+ import logging
5
+ import uuid
6
+
7
+ LOG_FORMAT = "%(levelname) -5s %(asctime)s" "-1d: %(message)s"
8
+ logger = logging.getLogger()
9
+ logger.setLevel(logging.INFO)
10
+ logging.basicConfig(format=LOG_FORMAT)
11
+
12
+ # 在以下字典中修改属性值,以指定本地embedding模型存储位置
13
+ # 如将 "text2vec": "GanymedeNil/text2vec-large-chinese" 修改为 "text2vec": "User/Downloads/text2vec-large-chinese"
14
+ # 此处请写绝对路径
15
+ embedding_model_dict = {
16
+ "ernie-tiny": "nghuyong/ernie-3.0-nano-zh",
17
+ "ernie-base": "nghuyong/ernie-3.0-base-zh",
18
+ "text2vec-base": "shibing624/text2vec-base-chinese",
19
+ "text2vec": "GanymedeNil/text2vec-large-chinese",
20
+ "m3e-small": "moka-ai/m3e-small",
21
+ "m3e-base": "moka-ai/m3e-base",
22
+ }
23
+
24
+ # Embedding model name
25
+ EMBEDDING_MODEL = "text2vec"
26
+
27
+ # Embedding running device
28
+ EMBEDDING_DEVICE = "cuda" if torch.cuda.is_available() else "mps" if torch.backends.mps.is_available() else "cpu"
29
+
30
+
31
+ # supported LLM models
32
+ # llm_model_dict 处理了loader的一些预设行为,如加载位置,模型名称,模型处理器实例
33
+ # 在以下字典中修改属性值,以指定本地 LLM 模型存储位置
34
+ # 如将 "chatglm-6b" 的 "local_model_path" 由 None 修改为 "User/Downloads/chatglm-6b"
35
+ # 此处请写绝对路径
36
+ llm_model_dict = {
37
+ "chatglm-6b-int4-qe": {
38
+ "name": "chatglm-6b-int4-qe",
39
+ "pretrained_model_name": "THUDM/chatglm-6b-int4-qe",
40
+ "local_model_path": None,
41
+ "provides": "ChatGLM"
42
+ },
43
+ "chatglm-6b-int4": {
44
+ "name": "chatglm-6b-int4",
45
+ "pretrained_model_name": "THUDM/chatglm-6b-int4",
46
+ "local_model_path": None,
47
+ "provides": "ChatGLM"
48
+ },
49
+ "chatglm-6b-int8": {
50
+ "name": "chatglm-6b-int8",
51
+ "pretrained_model_name": "THUDM/chatglm-6b-int8",
52
+ "local_model_path": None,
53
+ "provides": "ChatGLM"
54
+ },
55
+ "chatglm-6b": {
56
+ "name": "chatglm-6b",
57
+ "pretrained_model_name": "THUDM/chatglm-6b",
58
+ "local_model_path": None,
59
+ "provides": "ChatGLM"
60
+ },
61
+ "chatglm2-6b": {
62
+ "name": "chatglm2-6b",
63
+ "pretrained_model_name": "THUDM/chatglm2-6b",
64
+ "local_model_path": None,
65
+ "provides": "ChatGLM"
66
+ },
67
+
68
+ "chatyuan": {
69
+ "name": "chatyuan",
70
+ "pretrained_model_name": "ClueAI/ChatYuan-large-v2",
71
+ "local_model_path": None,
72
+ "provides": None
73
+ },
74
+ "moss": {
75
+ "name": "moss",
76
+ "pretrained_model_name": "fnlp/moss-moon-003-sft",
77
+ "local_model_path": None,
78
+ "provides": "MOSSLLM"
79
+ },
80
+ "vicuna-13b-hf": {
81
+ "name": "vicuna-13b-hf",
82
+ "pretrained_model_name": "vicuna-13b-hf",
83
+ "local_model_path": None,
84
+ "provides": "LLamaLLM"
85
+ },
86
+
87
+ # 通过 fastchat 调用的模型请参考如下格式
88
+ "fastchat-chatglm-6b": {
89
+ "name": "chatglm-6b", # "name"修改为fastchat服务中的"model_name"
90
+ "pretrained_model_name": "chatglm-6b",
91
+ "local_model_path": None,
92
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
93
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
94
+ },
95
+ "fastchat-chatglm2-6b": {
96
+ "name": "chatglm2-6b", # "name"修改为fastchat服务中的"model_name"
97
+ "pretrained_model_name": "chatglm2-6b",
98
+ "local_model_path":"C:\Users\Administrator\ChatGLM2-6B\model",
99
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
100
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
101
+ },
102
+
103
+ # 通过 fastchat 调用的模型请参考如下格式
104
+ "fastchat-vicuna-13b-hf": {
105
+ "name": "vicuna-13b-hf", # "name"修改为fastchat服务中的"model_name"
106
+ "pretrained_model_name": "vicuna-13b-hf",
107
+ "local_model_path": None,
108
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
109
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
110
+ },
111
+ }
112
+
113
+ # LLM 名称
114
+ LLM_MODEL = "chatglm2-6b"
115
+ # 量化加载8bit 模型
116
+ LOAD_IN_8BIT = False
117
+ # Load the model with bfloat16 precision. Requires NVIDIA Ampere GPU.
118
+ BF16 = False
119
+ # 本地lora存放的位置
120
+ LORA_DIR = "loras/"
121
+
122
+ # LLM lora path,默认为空,如果有请直接指定文件夹路径
123
+ LLM_LORA_PATH = ""
124
+ USE_LORA = True if LLM_LORA_PATH else False
125
+
126
+ # LLM streaming reponse
127
+ STREAMING = True
128
+
129
+ # Use p-tuning-v2 PrefixEncoder
130
+ USE_PTUNING_V2 = False
131
+
132
+ # LLM running device
133
+ LLM_DEVICE = "cuda" if torch.cuda.is_available() else "mps" if torch.backends.mps.is_available() else "cpu"
134
+
135
+ # 知识库默认存储路径
136
+ KB_ROOT_PATH = os.path.join(os.path.dirname(os.path.dirname(__file__)), "knowledge_base")
137
+
138
+ # 基于上下文的prompt模版,请务必保留"{question}"和"{context}"
139
+ PROMPT_TEMPLATE = """已知信息:
140
+ {context}
141
+
142
+ 根据上述已知信息,简洁和专业的来回答用户的问题。如果无法从中得到答案,请说 “根据已知信息无法回答该问题” 或 “没有提供足够的相关信息”,不允许在答案中添加编造成分,答案请使用中文。 问题是:{question}"""
143
+
144
+ # 缓存知识库数量
145
+ CACHED_VS_NUM = 1
146
+
147
+ # 文本分句长度
148
+ SENTENCE_SIZE = 100
149
+
150
+ # 匹配后单段上下文长度
151
+ CHUNK_SIZE = 250
152
+
153
+ # 传入LLM的历史记录长度
154
+ LLM_HISTORY_LEN = 3
155
+
156
+ # 知识库检索时返回的匹配内容条数
157
+ VECTOR_SEARCH_TOP_K = 5
158
+
159
+ # 知识检索内容相关度 Score, 数值范围约为0-1100,如果为0,则不生效,经测试设置为小于500时,匹配结果更精准
160
+ VECTOR_SEARCH_SCORE_THRESHOLD = 0
161
+
162
+ NLTK_DATA_PATH = os.path.join(os.path.dirname(os.path.dirname(__file__)), "nltk_data")
163
+
164
+ FLAG_USER_NAME = uuid.uuid4().hex
165
+
166
+ logger.info(f"""
167
+ loading model config
168
+ llm device: {LLM_DEVICE}
169
+ embedding device: {EMBEDDING_DEVICE}
170
+ dir: {os.path.dirname(os.path.dirname(__file__))}
171
+ flagging username: {FLAG_USER_NAME}
172
+ """)
173
+
174
+ # 是否开启跨域,默认为False,如果需要开启,请设置为True
175
+ # is open cross domain
176
+ OPEN_CROSS_DOMAIN = False
177
+
178
+ # Bing 搜索必备变量
179
+ # 使用 Bing 搜索需要使用 Bing Subscription Key,需要在azure port中申请试用bing search
180
+ # 具体申请方式请见
181
+ # https://learn.microsoft.com/en-us/bing/search-apis/bing-web-search/create-bing-search-service-resource
182
+ # 使用python创建bing api 搜索实例详见:
183
+ # https://learn.microsoft.com/en-us/bing/search-apis/bing-web-search/quickstarts/rest/python
184
+ BING_SEARCH_URL = "https://api.bing.microsoft.com/v7.0/search"
185
+ # 注意不是bing Webmaster Tools的api key,
186
+
187
+ # 此外,如果是在服务器上,报Failed to establish a new connection: [Errno 110] Connection timed out
188
+ # 是因为服务器加了防火墙,需要联系管理员加白名单,如果公司的服务器的话,就别想了GG
189
+ BING_SUBSCRIPTION_KEY = ""
190
+
191
+ # 是否开启中文标题加强,以及标题增强的相关配置
192
+ # 通过增加标题判断,判断哪些文本为标题,并在metadata中进行标记;
193
+ # 然后将文本与往上一级的标题进行拼合,实现文本信息的增强。
194
+ ZH_TITLE_ENHANCE = False
configs/model_config.py ADDED
@@ -0,0 +1,202 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch.cuda
2
+ import torch.backends
3
+ import os
4
+ import logging
5
+ import uuid
6
+
7
+ LOG_FORMAT = "%(levelname) -5s %(asctime)s" "-1d: %(message)s"
8
+ logger = logging.getLogger()
9
+ logger.setLevel(logging.INFO)
10
+ logging.basicConfig(format=LOG_FORMAT)
11
+
12
+ # 在以下字典中修改属性值,以指定本地embedding模型存储位置
13
+ # 如将 "text2vec": "GanymedeNil/text2vec-large-chinese" 修改为 "text2vec": "User/Downloads/text2vec-large-chinese"
14
+ # 此处请写绝对路径 C:\Program Files\Git\your_path\text2vec C:/Users/Administrator/text2vec-large-chinese
15
+ embedding_model_dict = {
16
+ "ernie-tiny": "nghuyong/ernie-3.0-nano-zh",
17
+ "ernie-base": "nghuyong/ernie-3.0-base-zh",
18
+ "text2vec-base": "shibing624/text2vec-base-chinese",
19
+ "text2vec": " C:/Users/Administrator/text2vec-large-chinese",
20
+ "m3e-small": "moka-ai/m3e-small",
21
+ "m3e-base": "moka-ai/m3e-base",
22
+ }
23
+
24
+ # Embedding model name
25
+ EMBEDDING_MODEL = "text2vec"
26
+
27
+ # Embedding running device
28
+ EMBEDDING_DEVICE = "cuda" if torch.cuda.is_available() else "mps" if torch.backends.mps.is_available() else "cpu"
29
+
30
+
31
+ # supported LLM models
32
+ # llm_model_dict 处理了loader的一些预设行为,如加载位置,模型名称,模型处理器实例
33
+ # 在以下字典中修改属性值,以指定本地 LLM 模型存储位置
34
+ # 如将 "chatglm-6b" 的 "local_model_path" 由 None 修改为 "User/Downloads/chatglm-6b"
35
+ # 此处请写绝对路径
36
+ llm_model_dict = {
37
+ "chatglm-6b-int4-qe": {
38
+ "name": "chatglm-6b-int4-qe",
39
+ "pretrained_model_name": "THUDM/chatglm-6b-int4-qe",
40
+ "local_model_path": None,
41
+ "provides": "ChatGLM"
42
+ },
43
+ "chatglm-6b-int4": {
44
+ "name": "chatglm-6b-int4",
45
+ "pretrained_model_name": "THUDM/chatglm-6b-int4",
46
+ "local_model_path": None,
47
+ "provides": "ChatGLM"
48
+ },
49
+ "chatglm-6b-int8": {
50
+ "name": "chatglm-6b-int8",
51
+ "pretrained_model_name": "THUDM/chatglm-6b-int8",
52
+ "local_model_path": None,
53
+ "provides": "ChatGLM"
54
+ },
55
+ # "chatglm-6b": {
56
+ # "name": "chatglm-6b",
57
+ # "pretrained_model_name": "THUDM/chatglm-6b",
58
+ # "local_model_path": None,
59
+ # "provides": "ChatGLM"
60
+ # },
61
+ "chatglm-6b": {
62
+ "name": "chatglm-6b",
63
+ "pretrained_model_name": "chatglm-6b",
64
+ "local_model_path": "C:/Users/Administrator/VisualGLM-6B/model",
65
+ "provides": "ChatGLM"
66
+ },
67
+ "chatglm2-6b": {
68
+ "name": "chatglm2-6b",
69
+ "pretrained_model_name": "chatglm2-6b",
70
+ "local_model_path": "C:/Users/Administrator/ChatGLM2-6B/model",
71
+ "provides": "ChatGLM"
72
+ },
73
+
74
+ "chatyuan": {
75
+ "name": "chatyuan",
76
+ "pretrained_model_name": "ClueAI/ChatYuan-large-v2",
77
+ "local_model_path": None,
78
+ "provides": None
79
+ },
80
+ "moss": {
81
+ "name": "moss",
82
+ "pretrained_model_name": "fnlp/moss-moon-003-sft",
83
+ "local_model_path": None,
84
+ "provides": "MOSSLLM"
85
+ },
86
+ "vicuna-13b-hf": {
87
+ "name": "vicuna-13b-hf",
88
+ "pretrained_model_name": "vicuna-13b-hf",
89
+ "local_model_path": None,
90
+ "provides": "LLamaLLM"
91
+ },
92
+
93
+ # 通过 fastchat 调用的模型请参考如下格式
94
+ "fastchat-chatglm-6b": {
95
+ "name": "chatglm-6b", # "name"修改为fastchat服务中的"model_name"
96
+ "pretrained_model_name": "chatglm-6b",
97
+ "local_model_path": None,
98
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
99
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
100
+ },
101
+ "fastchat-chatglm2-6b": {
102
+ "name": "chatglm2-6b", # "name"修改为fastchat服务中的"model_name"
103
+ "pretrained_model_name": "chatglm2-6b",
104
+ "local_model_path":None,
105
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
106
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
107
+ },
108
+
109
+ # 通过 fastchat 调用的模型请参考如下格式
110
+ "fastchat-vicuna-13b-hf": {
111
+ "name": "vicuna-13b-hf", # "name"修改为fastchat服务中的"model_name"
112
+ "pretrained_model_name": "vicuna-13b-hf",
113
+ "local_model_path": None,
114
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
115
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
116
+ },
117
+ }
118
+
119
+ # LLM 名称
120
+ # LLM_MODEL = "chatglm2-6b"
121
+ LLM_MODEL = "chatglm2-6b"
122
+
123
+ # 量化加载8bit 模型
124
+ LOAD_IN_8BIT = False
125
+ # Load the model with bfloat16 precision. Requires NVIDIA Ampere GPU.
126
+ BF16 = False
127
+ # 本地lora存放的位置
128
+ LORA_DIR = "loras/"
129
+
130
+ # LLM lora path,默认为空,如果有请直接指定文件夹路径
131
+ LLM_LORA_PATH = ""
132
+ USE_LORA = True if LLM_LORA_PATH else False
133
+
134
+ # LLM streaming reponse
135
+ STREAMING = True
136
+
137
+ # Use p-tuning-v2 PrefixEncoder
138
+ USE_PTUNING_V2 = False
139
+
140
+ # LLM running device
141
+ LLM_DEVICE = "cuda" if torch.cuda.is_available() else "mps" if torch.backends.mps.is_available() else "cpu"
142
+
143
+ # 知识库默认存储路径
144
+ KB_ROOT_PATH = os.path.join(os.path.dirname(os.path.dirname(__file__)), "knowledge_base")
145
+
146
+ # 基于上下文的prompt模版,请务必保留"{question}"和"{context}"
147
+ PROMPT_TEMPLATE = """已知信息:
148
+ {context}
149
+
150
+ 根据上述已知信息,简洁和专业的来回答用户的问题。如果无法从中得到答案,请说 “根据已知信息无法回答该问题” 或 “没有提供足够的相关信息”,不允许在答案中添加编造成分,答案请使用中文。 问题是:{question}"""
151
+
152
+ # 缓存知识库数量
153
+ CACHED_VS_NUM = 1
154
+
155
+ # 文本分句长度
156
+ SENTENCE_SIZE = 100
157
+
158
+ # 匹配后单段上下文长度
159
+ CHUNK_SIZE = 250
160
+
161
+ # 传入LLM的历史记录长度
162
+ LLM_HISTORY_LEN = 3
163
+
164
+ # 知识库检索时返回的匹配内容条数
165
+ VECTOR_SEARCH_TOP_K = 5
166
+
167
+ # 知识检索内容相关度 Score, 数值范围约为0-1100,如果为0,则不生效,经测试设置为小于500时,匹配结果更精准
168
+ VECTOR_SEARCH_SCORE_THRESHOLD = 500
169
+
170
+ NLTK_DATA_PATH = os.path.join(os.path.dirname(os.path.dirname(__file__)), "nltk_data")
171
+
172
+ FLAG_USER_NAME = uuid.uuid4().hex
173
+
174
+ logger.info(f"""
175
+ loading model config
176
+ llm device: {LLM_DEVICE}
177
+ embedding device: {EMBEDDING_DEVICE}
178
+ dir: {os.path.dirname(os.path.dirname(__file__))}
179
+ flagging username: {FLAG_USER_NAME}
180
+ """)
181
+
182
+ # 是否开启跨域,默认为False,如果需要开启,请设置为True
183
+ # is open cross domain
184
+ OPEN_CROSS_DOMAIN = False
185
+
186
+ # Bing 搜索必备变量
187
+ # 使用 Bing 搜索需要使用 Bing Subscription Key,需要在azure port中申请试用bing search
188
+ # 具体申请方式请见
189
+ # https://learn.microsoft.com/en-us/bing/search-apis/bing-web-search/create-bing-search-service-resource
190
+ # 使用python创建bing api 搜索实例详见:
191
+ # https://learn.microsoft.com/en-us/bing/search-apis/bing-web-search/quickstarts/rest/python
192
+ BING_SEARCH_URL = "https://api.bing.microsoft.com/v7.0/search"
193
+ # 注意不是bing Webmaster Tools的api key,
194
+
195
+ # 此外,如果是在服务器上,报Failed to establish a new connection: [Errno 110] Connection timed out
196
+ # 是因为服务器加了防火墙,需要联系管理员加白名单,如果公司的服务器的话,就别想了GG
197
+ BING_SUBSCRIPTION_KEY = ""
198
+
199
+ # 是否开启中文标题加强,以及标题增强的相关配置
200
+ # 通过增加标题判断,判断哪些文本为标题,并在metadata中进行标记;
201
+ # 然后将文本与往上一级的标题进行拼合,实现文本信息的增强。
202
+ ZH_TITLE_ENHANCE = False
docs/API.md ADDED
@@ -0,0 +1,1042 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ title: FastAPI v0.1.0
3
+ language_tabs:
4
+ - shell: Shell
5
+ - http: HTTP
6
+ - javascript: JavaScript
7
+ - ruby: Ruby
8
+ - python: Python
9
+ - php: PHP
10
+ - java: Java
11
+ - go: Go
12
+ toc_footers: []
13
+ includes: []
14
+ search: true
15
+ highlight_theme: darkula
16
+ headingLevel: 2
17
+
18
+ ---
19
+
20
+ <!-- Generator: Widdershins v4.0.1 -->
21
+
22
+ <h1 id="fastapi">FastAPI v0.1.0</h1>
23
+
24
+ > Scroll down for code samples, example requests and responses. Select a language for code samples from the tabs above or the mobile navigation menu.
25
+
26
+ <h1 id="fastapi-default">Default</h1>
27
+
28
+ ## chat_chat_docs_chat_post
29
+
30
+ <a id="opIdchat_chat_docs_chat_post"></a>
31
+
32
+ > Code samples
33
+
34
+ ```shell
35
+ # You can also use wget
36
+ curl -X POST /chat-docs/chat \
37
+ -H 'Content-Type: application/json' \
38
+ -H 'Accept: application/json'
39
+
40
+ ```
41
+
42
+ ```http
43
+ POST /chat-docs/chat HTTP/1.1
44
+
45
+ Content-Type: application/json
46
+ Accept: application/json
47
+
48
+ ```
49
+
50
+ ```javascript
51
+ const inputBody = '{
52
+ "knowledge_base_id": "string",
53
+ "question": "string",
54
+ "history": []
55
+ }';
56
+ const headers = {
57
+ 'Content-Type':'application/json',
58
+ 'Accept':'application/json'
59
+ };
60
+
61
+ fetch('/chat-docs/chat',
62
+ {
63
+ method: 'POST',
64
+ body: inputBody,
65
+ headers: headers
66
+ })
67
+ .then(function(res) {
68
+ return res.json();
69
+ }).then(function(body) {
70
+ console.log(body);
71
+ });
72
+
73
+ ```
74
+
75
+ ```ruby
76
+ require 'rest-client'
77
+ require 'json'
78
+
79
+ headers = {
80
+ 'Content-Type' => 'application/json',
81
+ 'Accept' => 'application/json'
82
+ }
83
+
84
+ result = RestClient.post '/chat-docs/chat',
85
+ params: {
86
+ }, headers: headers
87
+
88
+ p JSON.parse(result)
89
+
90
+ ```
91
+
92
+ ```python
93
+ import requests
94
+ headers = {
95
+ 'Content-Type': 'application/json',
96
+ 'Accept': 'application/json'
97
+ }
98
+
99
+ r = requests.post('/chat-docs/chat', headers = headers)
100
+
101
+ print(r.json())
102
+
103
+ ```
104
+
105
+ ```php
106
+ <?php
107
+
108
+ require 'vendor/autoload.php';
109
+
110
+ $headers = array(
111
+ 'Content-Type' => 'application/json',
112
+ 'Accept' => 'application/json',
113
+ );
114
+
115
+ $client = new \GuzzleHttp\Client();
116
+
117
+ // Define array of request body.
118
+ $request_body = array();
119
+
120
+ try {
121
+ $response = $client->request('POST','/chat-docs/chat', array(
122
+ 'headers' => $headers,
123
+ 'json' => $request_body,
124
+ )
125
+ );
126
+ print_r($response->getBody()->getContents());
127
+ }
128
+ catch (\GuzzleHttp\Exception\BadResponseException $e) {
129
+ // handle exception or api errors.
130
+ print_r($e->getMessage());
131
+ }
132
+
133
+ // ...
134
+
135
+ ```
136
+
137
+ ```java
138
+ URL obj = new URL("/chat-docs/chat");
139
+ HttpURLConnection con = (HttpURLConnection) obj.openConnection();
140
+ con.setRequestMethod("POST");
141
+ int responseCode = con.getResponseCode();
142
+ BufferedReader in = new BufferedReader(
143
+ new InputStreamReader(con.getInputStream()));
144
+ String inputLine;
145
+ StringBuffer response = new StringBuffer();
146
+ while ((inputLine = in.readLine()) != null) {
147
+ response.append(inputLine);
148
+ }
149
+ in.close();
150
+ System.out.println(response.toString());
151
+
152
+ ```
153
+
154
+ ```go
155
+ package main
156
+
157
+ import (
158
+ "bytes"
159
+ "net/http"
160
+ )
161
+
162
+ func main() {
163
+
164
+ headers := map[string][]string{
165
+ "Content-Type": []string{"application/json"},
166
+ "Accept": []string{"application/json"},
167
+ }
168
+
169
+ data := bytes.NewBuffer([]byte{jsonReq})
170
+ req, err := http.NewRequest("POST", "/chat-docs/chat", data)
171
+ req.Header = headers
172
+
173
+ client := &http.Client{}
174
+ resp, err := client.Do(req)
175
+ // ...
176
+ }
177
+
178
+ ```
179
+
180
+ `POST /chat-docs/chat`
181
+
182
+ *Chat*
183
+
184
+ > Body parameter
185
+
186
+ ```json
187
+ {
188
+ "knowledge_base_id": "string",
189
+ "question": "string",
190
+ "history": []
191
+ }
192
+ ```
193
+
194
+ <h3 id="chat_chat_docs_chat_post-parameters">Parameters</h3>
195
+
196
+ |Name|In|Type|Required|Description|
197
+ |---|---|---|---|---|
198
+ |body|body|[Body_chat_chat_docs_chat_post](#schemabody_chat_chat_docs_chat_post)|true|none|
199
+
200
+ > Example responses
201
+
202
+ > 200 Response
203
+
204
+ ```json
205
+ {
206
+ "question": "工伤保险如何办理?",
207
+ "response": "根据已知信息,可以总结如下:\n\n1. 参保单位为员工缴纳工伤保险费,以保障员工在发生工伤时能够获得相应的待遇。\n2. 不同地区的工伤保险缴费规定可能有所不同,需要向当地社保部门咨询以了解具体的缴费标准和规定。\n3. 工伤从业人员及其近亲属需要申请工伤认定,确认享受的待遇资格,并按时缴纳工伤保险费。\n4. 工伤保险待遇包括工伤医疗、康复、辅助器具配置费用、伤残待遇、工亡待遇、一次性工亡补助金等。\n5. 工伤保险待遇领取资格认证包括长期待遇领取人员认证和一次性待遇领取人员认证。\n6. 工伤保险基金支付的待遇项目包括工伤医疗待遇、康复待遇、辅助器具配置费用、一次性工亡补助金、丧葬补助金等。",
208
+ "history": [
209
+ [
210
+ "工伤保险是什么?",
211
+ "工伤保险是指用人单位按照国家规定,为本单位的职工和用人单位的其他人员,缴纳工伤保险费,由保险机构按照国家规定的标准,给予工伤保险待遇的社会保险制度。"
212
+ ]
213
+ ],
214
+ "source_documents": [
215
+ "出处 [1] 广州市单位从业的特定人员参加工伤保险��事指引.docx:\n\n\t( 一) 从业单位 (组织) 按“自愿参保”原则, 为未建 立劳动关系的特定从业人员单项参加工伤保险 、缴纳工伤保 险费。",
216
+ "出处 [2] ...",
217
+ "出处 [3] ..."
218
+ ]
219
+ }
220
+ ```
221
+
222
+ <h3 id="chat_chat_docs_chat_post-responses">Responses</h3>
223
+
224
+ |Status|Meaning|Description|Schema|
225
+ |---|---|---|---|
226
+ |200|[OK](https://tools.ietf.org/html/rfc7231#section-6.3.1)|Successful Response|[ChatMessage](#schemachatmessage)|
227
+ |422|[Unprocessable Entity](https://tools.ietf.org/html/rfc2518#section-10.3)|Validation Error|[HTTPValidationError](#schemahttpvalidationerror)|
228
+
229
+ <aside class="success">
230
+ This operation does not require authentication
231
+ </aside>
232
+
233
+ ## upload_file_chat_docs_upload_post
234
+
235
+ <a id="opIdupload_file_chat_docs_upload_post"></a>
236
+
237
+ > Code samples
238
+
239
+ ```shell
240
+ # You can also use wget
241
+ curl -X POST /chat-docs/upload \
242
+ -H 'Content-Type: multipart/form-data' \
243
+ -H 'Accept: application/json'
244
+
245
+ ```
246
+
247
+ ```http
248
+ POST /chat-docs/upload HTTP/1.1
249
+
250
+ Content-Type: multipart/form-data
251
+ Accept: application/json
252
+
253
+ ```
254
+
255
+ ```javascript
256
+ const inputBody = '{
257
+ "files": [
258
+ "string"
259
+ ],
260
+ "knowledge_base_id": "string"
261
+ }';
262
+ const headers = {
263
+ 'Content-Type':'multipart/form-data',
264
+ 'Accept':'application/json'
265
+ };
266
+
267
+ fetch('/chat-docs/upload',
268
+ {
269
+ method: 'POST',
270
+ body: inputBody,
271
+ headers: headers
272
+ })
273
+ .then(function(res) {
274
+ return res.json();
275
+ }).then(function(body) {
276
+ console.log(body);
277
+ });
278
+
279
+ ```
280
+
281
+ ```ruby
282
+ require 'rest-client'
283
+ require 'json'
284
+
285
+ headers = {
286
+ 'Content-Type' => 'multipart/form-data',
287
+ 'Accept' => 'application/json'
288
+ }
289
+
290
+ result = RestClient.post '/chat-docs/upload',
291
+ params: {
292
+ }, headers: headers
293
+
294
+ p JSON.parse(result)
295
+
296
+ ```
297
+
298
+ ```python
299
+ import requests
300
+ headers = {
301
+ 'Content-Type': 'multipart/form-data',
302
+ 'Accept': 'application/json'
303
+ }
304
+
305
+ r = requests.post('/chat-docs/upload', headers = headers)
306
+
307
+ print(r.json())
308
+
309
+ ```
310
+
311
+ ```php
312
+ <?php
313
+
314
+ require 'vendor/autoload.php';
315
+
316
+ $headers = array(
317
+ 'Content-Type' => 'multipart/form-data',
318
+ 'Accept' => 'application/json',
319
+ );
320
+
321
+ $client = new \GuzzleHttp\Client();
322
+
323
+ // Define array of request body.
324
+ $request_body = array();
325
+
326
+ try {
327
+ $response = $client->request('POST','/chat-docs/upload', array(
328
+ 'headers' => $headers,
329
+ 'json' => $request_body,
330
+ )
331
+ );
332
+ print_r($response->getBody()->getContents());
333
+ }
334
+ catch (\GuzzleHttp\Exception\BadResponseException $e) {
335
+ // handle exception or api errors.
336
+ print_r($e->getMessage());
337
+ }
338
+
339
+ // ...
340
+
341
+ ```
342
+
343
+ ```java
344
+ URL obj = new URL("/chat-docs/upload");
345
+ HttpURLConnection con = (HttpURLConnection) obj.openConnection();
346
+ con.setRequestMethod("POST");
347
+ int responseCode = con.getResponseCode();
348
+ BufferedReader in = new BufferedReader(
349
+ new InputStreamReader(con.getInputStream()));
350
+ String inputLine;
351
+ StringBuffer response = new StringBuffer();
352
+ while ((inputLine = in.readLine()) != null) {
353
+ response.append(inputLine);
354
+ }
355
+ in.close();
356
+ System.out.println(response.toString());
357
+
358
+ ```
359
+
360
+ ```go
361
+ package main
362
+
363
+ import (
364
+ "bytes"
365
+ "net/http"
366
+ )
367
+
368
+ func main() {
369
+
370
+ headers := map[string][]string{
371
+ "Content-Type": []string{"multipart/form-data"},
372
+ "Accept": []string{"application/json"},
373
+ }
374
+
375
+ data := bytes.NewBuffer([]byte{jsonReq})
376
+ req, err := http.NewRequest("POST", "/chat-docs/upload", data)
377
+ req.Header = headers
378
+
379
+ client := &http.Client{}
380
+ resp, err := client.Do(req)
381
+ // ...
382
+ }
383
+
384
+ ```
385
+
386
+ `POST /chat-docs/upload`
387
+
388
+ *Upload File*
389
+
390
+ > Body parameter
391
+
392
+ ```yaml
393
+ files:
394
+ - string
395
+ knowledge_base_id: string
396
+
397
+ ```
398
+
399
+ <h3 id="upload_file_chat_docs_upload_post-parameters">Parameters</h3>
400
+
401
+ |Name|In|Type|Required|Description|
402
+ |---|---|---|---|---|
403
+ |body|body|[Body_upload_file_chat_docs_upload_post](#schemabody_upload_file_chat_docs_upload_post)|true|none|
404
+
405
+ > Example responses
406
+
407
+ > 200 Response
408
+
409
+ ```json
410
+ {
411
+ "code": 200,
412
+ "msg": "success"
413
+ }
414
+ ```
415
+
416
+ <h3 id="upload_file_chat_docs_upload_post-responses">Responses</h3>
417
+
418
+ |Status|Meaning|Description|Schema|
419
+ |---|---|---|---|
420
+ |200|[OK](https://tools.ietf.org/html/rfc7231#section-6.3.1)|Successful Response|[BaseResponse](#schemabaseresponse)|
421
+ |422|[Unprocessable Entity](https://tools.ietf.org/html/rfc2518#section-10.3)|Validation Error|[HTTPValidationError](#schemahttpvalidationerror)|
422
+
423
+ <aside class="success">
424
+ This operation does not require authentication
425
+ </aside>
426
+
427
+ ## list_docs_chat_docs_list_get
428
+
429
+ <a id="opIdlist_docs_chat_docs_list_get"></a>
430
+
431
+ > Code samples
432
+
433
+ ```shell
434
+ # You can also use wget
435
+ curl -X GET /chat-docs/list?knowledge_base_id=doc_id1 \
436
+ -H 'Accept: application/json'
437
+
438
+ ```
439
+
440
+ ```http
441
+ GET /chat-docs/list?knowledge_base_id=doc_id1 HTTP/1.1
442
+
443
+ Accept: application/json
444
+
445
+ ```
446
+
447
+ ```javascript
448
+
449
+ const headers = {
450
+ 'Accept':'application/json'
451
+ };
452
+
453
+ fetch('/chat-docs/list?knowledge_base_id=doc_id1',
454
+ {
455
+ method: 'GET',
456
+
457
+ headers: headers
458
+ })
459
+ .then(function(res) {
460
+ return res.json();
461
+ }).then(function(body) {
462
+ console.log(body);
463
+ });
464
+
465
+ ```
466
+
467
+ ```ruby
468
+ require 'rest-client'
469
+ require 'json'
470
+
471
+ headers = {
472
+ 'Accept' => 'application/json'
473
+ }
474
+
475
+ result = RestClient.get '/chat-docs/list',
476
+ params: {
477
+ 'knowledge_base_id' => 'string'
478
+ }, headers: headers
479
+
480
+ p JSON.parse(result)
481
+
482
+ ```
483
+
484
+ ```python
485
+ import requests
486
+ headers = {
487
+ 'Accept': 'application/json'
488
+ }
489
+
490
+ r = requests.get('/chat-docs/list', params={
491
+ 'knowledge_base_id': 'doc_id1'
492
+ }, headers = headers)
493
+
494
+ print(r.json())
495
+
496
+ ```
497
+
498
+ ```php
499
+ <?php
500
+
501
+ require 'vendor/autoload.php';
502
+
503
+ $headers = array(
504
+ 'Accept' => 'application/json',
505
+ );
506
+
507
+ $client = new \GuzzleHttp\Client();
508
+
509
+ // Define array of request body.
510
+ $request_body = array();
511
+
512
+ try {
513
+ $response = $client->request('GET','/chat-docs/list', array(
514
+ 'headers' => $headers,
515
+ 'json' => $request_body,
516
+ )
517
+ );
518
+ print_r($response->getBody()->getContents());
519
+ }
520
+ catch (\GuzzleHttp\Exception\BadResponseException $e) {
521
+ // handle exception or api errors.
522
+ print_r($e->getMessage());
523
+ }
524
+
525
+ // ...
526
+
527
+ ```
528
+
529
+ ```java
530
+ URL obj = new URL("/chat-docs/list?knowledge_base_id=doc_id1");
531
+ HttpURLConnection con = (HttpURLConnection) obj.openConnection();
532
+ con.setRequestMethod("GET");
533
+ int responseCode = con.getResponseCode();
534
+ BufferedReader in = new BufferedReader(
535
+ new InputStreamReader(con.getInputStream()));
536
+ String inputLine;
537
+ StringBuffer response = new StringBuffer();
538
+ while ((inputLine = in.readLine()) != null) {
539
+ response.append(inputLine);
540
+ }
541
+ in.close();
542
+ System.out.println(response.toString());
543
+
544
+ ```
545
+
546
+ ```go
547
+ package main
548
+
549
+ import (
550
+ "bytes"
551
+ "net/http"
552
+ )
553
+
554
+ func main() {
555
+
556
+ headers := map[string][]string{
557
+ "Accept": []string{"application/json"},
558
+ }
559
+
560
+ data := bytes.NewBuffer([]byte{jsonReq})
561
+ req, err := http.NewRequest("GET", "/chat-docs/list", data)
562
+ req.Header = headers
563
+
564
+ client := &http.Client{}
565
+ resp, err := client.Do(req)
566
+ // ...
567
+ }
568
+
569
+ ```
570
+
571
+ `GET /chat-docs/list`
572
+
573
+ *List Docs*
574
+
575
+ <h3 id="list_docs_chat_docs_list_get-parameters">Parameters</h3>
576
+
577
+ |Name|In|Type|Required|Description|
578
+ |---|---|---|---|---|
579
+ |knowledge_base_id|query|string|true|Document ID|
580
+
581
+ > Example responses
582
+
583
+ > 200 Response
584
+
585
+ ```json
586
+ {
587
+ "code": 200,
588
+ "msg": "success",
589
+ "data": [
590
+ "doc1.docx",
591
+ "doc2.pdf",
592
+ "doc3.txt"
593
+ ]
594
+ }
595
+ ```
596
+
597
+ <h3 id="list_docs_chat_docs_list_get-responses">Responses</h3>
598
+
599
+ |Status|Meaning|Description|Schema|
600
+ |---|---|---|---|
601
+ |200|[OK](https://tools.ietf.org/html/rfc7231#section-6.3.1)|Successful Response|[ListDocsResponse](#schemalistdocsresponse)|
602
+ |422|[Unprocessable Entity](https://tools.ietf.org/html/rfc2518#section-10.3)|Validation Error|[HTTPValidationError](#schemahttpvalidationerror)|
603
+
604
+ <aside class="success">
605
+ This operation does not require authentication
606
+ </aside>
607
+
608
+ ## delete_docs_chat_docs_delete_delete
609
+
610
+ <a id="opIddelete_docs_chat_docs_delete_delete"></a>
611
+
612
+ > Code samples
613
+
614
+ ```shell
615
+ # You can also use wget
616
+ curl -X DELETE /chat-docs/delete \
617
+ -H 'Content-Type: application/x-www-form-urlencoded' \
618
+ -H 'Accept: application/json'
619
+
620
+ ```
621
+
622
+ ```http
623
+ DELETE /chat-docs/delete HTTP/1.1
624
+
625
+ Content-Type: application/x-www-form-urlencoded
626
+ Accept: application/json
627
+
628
+ ```
629
+
630
+ ```javascript
631
+ const inputBody = '{
632
+ "knowledge_base_id": "string",
633
+ "doc_name": "string"
634
+ }';
635
+ const headers = {
636
+ 'Content-Type':'application/x-www-form-urlencoded',
637
+ 'Accept':'application/json'
638
+ };
639
+
640
+ fetch('/chat-docs/delete',
641
+ {
642
+ method: 'DELETE',
643
+ body: inputBody,
644
+ headers: headers
645
+ })
646
+ .then(function(res) {
647
+ return res.json();
648
+ }).then(function(body) {
649
+ console.log(body);
650
+ });
651
+
652
+ ```
653
+
654
+ ```ruby
655
+ require 'rest-client'
656
+ require 'json'
657
+
658
+ headers = {
659
+ 'Content-Type' => 'application/x-www-form-urlencoded',
660
+ 'Accept' => 'application/json'
661
+ }
662
+
663
+ result = RestClient.delete '/chat-docs/delete',
664
+ params: {
665
+ }, headers: headers
666
+
667
+ p JSON.parse(result)
668
+
669
+ ```
670
+
671
+ ```python
672
+ import requests
673
+ headers = {
674
+ 'Content-Type': 'application/x-www-form-urlencoded',
675
+ 'Accept': 'application/json'
676
+ }
677
+
678
+ r = requests.delete('/chat-docs/delete', headers = headers)
679
+
680
+ print(r.json())
681
+
682
+ ```
683
+
684
+ ```php
685
+ <?php
686
+
687
+ require 'vendor/autoload.php';
688
+
689
+ $headers = array(
690
+ 'Content-Type' => 'application/x-www-form-urlencoded',
691
+ 'Accept' => 'application/json',
692
+ );
693
+
694
+ $client = new \GuzzleHttp\Client();
695
+
696
+ // Define array of request body.
697
+ $request_body = array();
698
+
699
+ try {
700
+ $response = $client->request('DELETE','/chat-docs/delete', array(
701
+ 'headers' => $headers,
702
+ 'json' => $request_body,
703
+ )
704
+ );
705
+ print_r($response->getBody()->getContents());
706
+ }
707
+ catch (\GuzzleHttp\Exception\BadResponseException $e) {
708
+ // handle exception or api errors.
709
+ print_r($e->getMessage());
710
+ }
711
+
712
+ // ...
713
+
714
+ ```
715
+
716
+ ```java
717
+ URL obj = new URL("/chat-docs/delete");
718
+ HttpURLConnection con = (HttpURLConnection) obj.openConnection();
719
+ con.setRequestMethod("DELETE");
720
+ int responseCode = con.getResponseCode();
721
+ BufferedReader in = new BufferedReader(
722
+ new InputStreamReader(con.getInputStream()));
723
+ String inputLine;
724
+ StringBuffer response = new StringBuffer();
725
+ while ((inputLine = in.readLine()) != null) {
726
+ response.append(inputLine);
727
+ }
728
+ in.close();
729
+ System.out.println(response.toString());
730
+
731
+ ```
732
+
733
+ ```go
734
+ package main
735
+
736
+ import (
737
+ "bytes"
738
+ "net/http"
739
+ )
740
+
741
+ func main() {
742
+
743
+ headers := map[string][]string{
744
+ "Content-Type": []string{"application/x-www-form-urlencoded"},
745
+ "Accept": []string{"application/json"},
746
+ }
747
+
748
+ data := bytes.NewBuffer([]byte{jsonReq})
749
+ req, err := http.NewRequest("DELETE", "/chat-docs/delete", data)
750
+ req.Header = headers
751
+
752
+ client := &http.Client{}
753
+ resp, err := client.Do(req)
754
+ // ...
755
+ }
756
+
757
+ ```
758
+
759
+ `DELETE /chat-docs/delete`
760
+
761
+ *Delete Docs*
762
+
763
+ > Body parameter
764
+
765
+ ```yaml
766
+ knowledge_base_id: string
767
+ doc_name: string
768
+
769
+ ```
770
+
771
+ <h3 id="delete_docs_chat_docs_delete_delete-parameters">Parameters</h3>
772
+
773
+ |Name|In|Type|Required|Description|
774
+ |---|---|---|---|---|
775
+ |body|body|[Body_delete_docs_chat_docs_delete_delete](#schemabody_delete_docs_chat_docs_delete_delete)|true|none|
776
+
777
+ > Example responses
778
+
779
+ > 200 Response
780
+
781
+ ```json
782
+ {
783
+ "code": 200,
784
+ "msg": "success"
785
+ }
786
+ ```
787
+
788
+ <h3 id="delete_docs_chat_docs_delete_delete-responses">Responses</h3>
789
+
790
+ |Status|Meaning|Description|Schema|
791
+ |---|---|---|---|
792
+ |200|[OK](https://tools.ietf.org/html/rfc7231#section-6.3.1)|Successful Response|[BaseResponse](#schemabaseresponse)|
793
+ |422|[Unprocessable Entity](https://tools.ietf.org/html/rfc2518#section-10.3)|Validation Error|[HTTPValidationError](#schemahttpvalidationerror)|
794
+
795
+ <aside class="success">
796
+ This operation does not require authentication
797
+ </aside>
798
+
799
+ # Schemas
800
+
801
+ <h2 id="tocS_BaseResponse">BaseResponse</h2>
802
+ <!-- backwards compatibility -->
803
+ <a id="schemabaseresponse"></a>
804
+ <a id="schema_BaseResponse"></a>
805
+ <a id="tocSbaseresponse"></a>
806
+ <a id="tocsbaseresponse"></a>
807
+
808
+ ```json
809
+ {
810
+ "code": 200,
811
+ "msg": "success"
812
+ }
813
+
814
+ ```
815
+
816
+ BaseResponse
817
+
818
+ ### Properties
819
+
820
+ |Name|Type|Required|Restrictions|Description|
821
+ |---|---|---|---|---|
822
+ |code|integer|false|none|HTTP status code|
823
+ |msg|string|false|none|HTTP status message|
824
+
825
+ <h2 id="tocS_Body_chat_chat_docs_chat_post">Body_chat_chat_docs_chat_post</h2>
826
+ <!-- backwards compatibility -->
827
+ <a id="schemabody_chat_chat_docs_chat_post"></a>
828
+ <a id="schema_Body_chat_chat_docs_chat_post"></a>
829
+ <a id="tocSbody_chat_chat_docs_chat_post"></a>
830
+ <a id="tocsbody_chat_chat_docs_chat_post"></a>
831
+
832
+ ```json
833
+ {
834
+ "knowledge_base_id": "string",
835
+ "question": "string",
836
+ "history": []
837
+ }
838
+
839
+ ```
840
+
841
+ Body_chat_chat_docs_chat_post
842
+
843
+ ### Properties
844
+
845
+ |Name|Type|Required|Restrictions|Description|
846
+ |---|---|---|---|---|
847
+ |knowledge_base_id|string|true|none|Knowledge Base Name|
848
+ |question|string|true|none|Question|
849
+ |history|[array]|false|none|History of previous questions and answers|
850
+
851
+ <h2 id="tocS_Body_delete_docs_chat_docs_delete_delete">Body_delete_docs_chat_docs_delete_delete</h2>
852
+ <!-- backwards compatibility -->
853
+ <a id="schemabody_delete_docs_chat_docs_delete_delete"></a>
854
+ <a id="schema_Body_delete_docs_chat_docs_delete_delete"></a>
855
+ <a id="tocSbody_delete_docs_chat_docs_delete_delete"></a>
856
+ <a id="tocsbody_delete_docs_chat_docs_delete_delete"></a>
857
+
858
+ ```json
859
+ {
860
+ "knowledge_base_id": "string",
861
+ "doc_name": "string"
862
+ }
863
+
864
+ ```
865
+
866
+ Body_delete_docs_chat_docs_delete_delete
867
+
868
+ ### Properties
869
+
870
+ |Name|Type|Required|Restrictions|Description|
871
+ |---|---|---|---|---|
872
+ |knowledge_base_id|string|true|none|Knowledge Base Name|
873
+ |doc_name|string|false|none|doc name|
874
+
875
+ <h2 id="tocS_Body_upload_file_chat_docs_upload_post">Body_upload_file_chat_docs_upload_post</h2>
876
+ <!-- backwards compatibility -->
877
+ <a id="schemabody_upload_file_chat_docs_upload_post"></a>
878
+ <a id="schema_Body_upload_file_chat_docs_upload_post"></a>
879
+ <a id="tocSbody_upload_file_chat_docs_upload_post"></a>
880
+ <a id="tocsbody_upload_file_chat_docs_upload_post"></a>
881
+
882
+ ```json
883
+ {
884
+ "files": [
885
+ "string"
886
+ ],
887
+ "knowledge_base_id": "string"
888
+ }
889
+
890
+ ```
891
+
892
+ Body_upload_file_chat_docs_upload_post
893
+
894
+ ### Properties
895
+
896
+ |Name|Type|Required|Restrictions|Description|
897
+ |---|---|---|---|---|
898
+ |files|[string]|true|none|none|
899
+ |knowledge_base_id|string|true|none|Knowledge Base Name|
900
+
901
+ <h2 id="tocS_ChatMessage">ChatMessage</h2>
902
+ <!-- backwards compatibility -->
903
+ <a id="schemachatmessage"></a>
904
+ <a id="schema_ChatMessage"></a>
905
+ <a id="tocSchatmessage"></a>
906
+ <a id="tocschatmessage"></a>
907
+
908
+ ```json
909
+ {
910
+ "question": "工伤保险如何办理?",
911
+ "response": "根据已知信息,可以总结如下:\n\n1. 参保单位为员工缴纳工伤保险费,以保障员工在发生工伤时能够获得相应的待遇。\n2. 不同地区的工伤保险缴费规定可能有所不同,需要向当地社保部门咨询以了解具体的缴费标准和规定。\n3. 工伤从业人员及其近亲属需要申请工伤认定,确认享受的待遇资格,并按时缴纳工伤保险费。\n4. 工伤保险待遇包括工伤医疗、康复、辅助器具配置费用、伤残待遇、工亡待遇、一次性工亡补助金等。\n5. 工伤保险待遇领取资格认证��括长期待遇领取人员认证和一次性待遇领取人员认证。\n6. 工伤保险基金支付的待遇项目包括工伤医疗待遇、康复待遇、辅助器具配置费用、一次性工亡补助金、丧葬补助金等。",
912
+ "history": [
913
+ [
914
+ "工伤保险是什么?",
915
+ "工伤保险是指用人单位按照国家规定,为本单位的职工和用人单位的其他人员,缴纳工伤保险费,由保险机构按照国家规定的标准,给予工伤保险待遇的社会保险制度。"
916
+ ]
917
+ ],
918
+ "source_documents": [
919
+ "出处 [1] 广州市单位从业的特定人员参加工伤保险办事指引.docx:\n\n\t( 一) 从业单位 (组织) 按“自愿参保”原则, 为未建 立劳动关系的特定从业人员单项参加工伤保险 、缴纳工伤保 险费。",
920
+ "出处 [2] ...",
921
+ "出处 [3] ..."
922
+ ]
923
+ }
924
+
925
+ ```
926
+
927
+ ChatMessage
928
+
929
+ ### Properties
930
+
931
+ |Name|Type|Required|Restrictions|Description|
932
+ |---|---|---|---|---|
933
+ |question|string|true|none|Question text|
934
+ |response|string|true|none|Response text|
935
+ |history|[array]|true|none|History text|
936
+ |source_documents|[string]|true|none|List of source documents and their scores|
937
+
938
+ <h2 id="tocS_HTTPValidationError">HTTPValidationError</h2>
939
+ <!-- backwards compatibility -->
940
+ <a id="schemahttpvalidationerror"></a>
941
+ <a id="schema_HTTPValidationError"></a>
942
+ <a id="tocShttpvalidationerror"></a>
943
+ <a id="tocshttpvalidationerror"></a>
944
+
945
+ ```json
946
+ {
947
+ "detail": [
948
+ {
949
+ "loc": [
950
+ "string"
951
+ ],
952
+ "msg": "string",
953
+ "type": "string"
954
+ }
955
+ ]
956
+ }
957
+
958
+ ```
959
+
960
+ HTTPValidationError
961
+
962
+ ### Properties
963
+
964
+ |Name|Type|Required|Restrictions|Description|
965
+ |---|---|---|---|---|
966
+ |detail|[[ValidationError](#schemavalidationerror)]|false|none|none|
967
+
968
+ <h2 id="tocS_ListDocsResponse">ListDocsResponse</h2>
969
+ <!-- backwards compatibility -->
970
+ <a id="schemalistdocsresponse"></a>
971
+ <a id="schema_ListDocsResponse"></a>
972
+ <a id="tocSlistdocsresponse"></a>
973
+ <a id="tocslistdocsresponse"></a>
974
+
975
+ ```json
976
+ {
977
+ "code": 200,
978
+ "msg": "success",
979
+ "data": [
980
+ "doc1.docx",
981
+ "doc2.pdf",
982
+ "doc3.txt"
983
+ ]
984
+ }
985
+
986
+ ```
987
+
988
+ ListDocsResponse
989
+
990
+ ### Properties
991
+
992
+ |Name|Type|Required|Restrictions|Description|
993
+ |---|---|---|---|---|
994
+ |code|integer|false|none|HTTP status code|
995
+ |msg|string|false|none|HTTP status message|
996
+ |data|[string]|true|none|List of document names|
997
+
998
+ <h2 id="tocS_ValidationError">ValidationError</h2>
999
+ <!-- backwards compatibility -->
1000
+ <a id="schemavalidationerror"></a>
1001
+ <a id="schema_ValidationError"></a>
1002
+ <a id="tocSvalidationerror"></a>
1003
+ <a id="tocsvalidationerror"></a>
1004
+
1005
+ ```json
1006
+ {
1007
+ "loc": [
1008
+ "string"
1009
+ ],
1010
+ "msg": "string",
1011
+ "type": "string"
1012
+ }
1013
+
1014
+ ```
1015
+
1016
+ ValidationError
1017
+
1018
+ ### Properties
1019
+
1020
+ |Name|Type|Required|Restrictions|Description|
1021
+ |---|---|---|---|---|
1022
+ |loc|[anyOf]|true|none|none|
1023
+
1024
+ anyOf
1025
+
1026
+ |Name|Type|Required|Restrictions|Description|
1027
+ |---|---|---|---|---|
1028
+ |» *anonymous*|string|false|none|none|
1029
+
1030
+ or
1031
+
1032
+ |Name|Type|Required|Restrictions|Description|
1033
+ |---|---|---|---|---|
1034
+ |» *anonymous*|integer|false|none|none|
1035
+
1036
+ continued
1037
+
1038
+ |Name|Type|Required|Restrictions|Description|
1039
+ |---|---|---|---|---|
1040
+ |msg|string|true|none|none|
1041
+ |type|string|true|none|none|
1042
+
docs/CHANGELOG.md ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ## 变更日志
2
+
3
+ **[2023/04/15]**
4
+
5
+ 1. 重构项目结构,在根目录下保留命令行 Demo [cli_demo.py](../cli_demo.py) 和 Web UI Demo [webui.py](../webui.py);
6
+ 2. 对 Web UI 进行改进,修改为运行 Web UI 后首先按照 [configs/model_config.py](../configs/model_config.py) 默认选项加载模型,并增加报错提示信息等;
7
+ 3. 对常见问题进行补充说明。
8
+
9
+ **[2023/04/12]**
10
+
11
+ 1. 替换 Web UI 中的样例文件,避免出现 Ubuntu 中出现因文件编码无法读取的问题;
12
+ 2. 替换`knowledge_based_chatglm.py`中的 prompt 模版,避免出现因 prompt 模版包含中英双语导致 chatglm 返回内容错乱的问题。
13
+
14
+ **[2023/04/11]**
15
+
16
+ 1. 加入 Web UI V0.1 版本(感谢 [@liangtongt](https://github.com/liangtongt));
17
+ 2. `README.md`中增加常见问题(感谢 [@calcitem](https://github.com/calcitem) 和 [@bolongliu](https://github.com/bolongliu));
18
+ 3. 增加 LLM 和 Embedding 模型运行设备是否可用`cuda`、`mps`、`cpu`的自动判断。
19
+ 4. 在`knowledge_based_chatglm.py`中增加对`filepath`的判断,在之前支持单个文件导入的基础上,现支持单个文件夹路径作为输入,输入后将会遍历文件夹中各个文件,并在命令行中显示每个文件是否成功加载。
20
+
21
+ **[2023/04/09]**
22
+
23
+ 1. 使用`langchain`中的`RetrievalQA`替代之前选用的`ChatVectorDBChain`,替换后可以有效减少提问 2-3 次后因显存不足而停止运行的问题;
24
+ 2. 在`knowledge_based_chatglm.py`中增加`EMBEDDING_MODEL`、`VECTOR_SEARCH_TOP_K`、`LLM_MODEL`、`LLM_HISTORY_LEN`、`REPLY_WITH_SOURCE`参数值设置;
25
+ 3. 增加 GPU 显存需求更小的`chatglm-6b-int4`、`chatglm-6b-int4-qe`作为 LLM 模型备选项;
26
+ 4. 更正`README.md`中的代码错误(感谢 [@calcitem](https://github.com/calcitem))。
27
+
28
+ **[2023/04/07]**
29
+
30
+ 1. 解决加载 ChatGLM 模型时发生显存占用为双倍的问题 (感谢 [@suc16](https://github.com/suc16) 和 [@myml](https://github.com/myml)) ;
31
+ 2. 新增清理显存机制;
32
+ 3. 新增`nghuyong/ernie-3.0-nano-zh`和`nghuyong/ernie-3.0-base-zh`作为 Embedding 模型备选项,相比`GanymedeNil/text2vec-large-chinese`占用显存资源更少 (感谢 [@lastrei](https://github.com/lastrei))。
docs/FAQ.md ADDED
@@ -0,0 +1,179 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ### 常见问题
2
+
3
+ Q1: 本项目支持哪些文件格式?
4
+
5
+ A1: 目前已测试支持 txt、docx、md、pdf 格式文件,更多文件格式请参考 [langchain 文档](https://python.langchain.com/en/latest/modules/indexes/document_loaders/examples/unstructured_file.html)。目前已知文档中若含有特殊字符,可能存在文件无法加载的问题。
6
+
7
+ ---
8
+
9
+ Q2: 执行 `pip install -r requirements.txt` 过程中,安装 `detectron2` 时发生报错怎么办?
10
+
11
+ A2: 如果不需要对 `pdf` 格式文件读取,可不安装 `detectron2`;如需对 `pdf` 文件进行高精度文本提取,建议按照如下方法安装:
12
+
13
+ ```commandline
14
+ $ git clone https://github.com/facebookresearch/detectron2.git
15
+ $ cd detectron2
16
+ $ pip install -e .
17
+ ```
18
+
19
+ ---
20
+
21
+ Q3: 使用过程中 Python 包 `nltk`发生了 `Resource punkt not found.`报错,该如何解决?
22
+
23
+ A3: 方法一:https://github.com/nltk/nltk_data/raw/gh-pages/packages/tokenizers/punkt.zip 中的 `packages/tokenizers` 解压,放到 `nltk_data/tokenizers` 存储路径下。
24
+
25
+ `nltk_data` 存储路径可以通过 `nltk.data.path` 查询。
26
+
27
+ 方法二:执行python代码
28
+
29
+ ```
30
+ import nltk
31
+ nltk.download()
32
+ ```
33
+
34
+ ---
35
+
36
+ Q4: 使用过程中 Python 包 `nltk`发生了 `Resource averaged_perceptron_tagger not found.`报错,该如何解决?
37
+
38
+ A4: 方法一:将 https://github.com/nltk/nltk_data/blob/gh-pages/packages/taggers/averaged_perceptron_tagger.zip 下载,解压放到 `nltk_data/taggers` 存储路径下。
39
+
40
+ `nltk_data` 存储路径可以通过 `nltk.data.path` 查询。
41
+
42
+ 方法二:执行python代码
43
+
44
+ ```
45
+ import nltk
46
+ nltk.download()
47
+ ```
48
+
49
+ ---
50
+
51
+ Q5: 本项目可否在 colab 中运行?
52
+
53
+ A5: 可以尝试使用 chatglm-6b-int4 模型在 colab 中运行,需要注意的是,如需在 colab 中运行 Web UI,需将 `webui.py`中 `demo.queue(concurrency_count=3).launch( server_name='0.0.0.0', share=False, inbrowser=False)`中参数 `share`设置为 `True`。
54
+
55
+ ---
56
+
57
+ Q6: 在 Anaconda 中使用 pip 安装包无效如何解决?
58
+
59
+ A6: 此问题是系统环境问题,详细见 [在Anaconda中使用pip安装包无效问题](在Anaconda中使用pip安装包无效问题.md)
60
+
61
+ ---
62
+
63
+ Q7: 本项目中所需模型如何下载至本地?
64
+
65
+ A7: 本项目中使用的模型均为 `huggingface.com`中可下载的开源模型,以默认选择的 `chatglm-6b`和 `text2vec-large-chinese`模型为例,下载模型可执行如下代码:
66
+
67
+ ```shell
68
+ # 安装 git lfs
69
+ $ git lfs install
70
+
71
+ # 下载 LLM 模型
72
+ $ git clone https://huggingface.co/THUDM/chatglm-6b /your_path/chatglm-6b
73
+
74
+ # 下载 Embedding 模型
75
+ $ git clone https://huggingface.co/GanymedeNil/text2vec-large-chinese /your_path/text2vec
76
+
77
+ # 模型需要更新时,可打开模型所在文件夹后拉取最新模型文件/代码
78
+ $ git pull
79
+ ```
80
+
81
+ ---
82
+
83
+ Q8: `huggingface.com`中模型下载速度较慢怎么办?
84
+
85
+ A8: 可使用本项目用到的模型权重文件百度网盘地址:
86
+
87
+ - ernie-3.0-base-zh.zip 链接: https://pan.baidu.com/s/1CIvKnD3qzE-orFouA8qvNQ?pwd=4wih
88
+ - ernie-3.0-nano-zh.zip 链接: https://pan.baidu.com/s/1Fh8fgzVdavf5P1omAJJ-Zw?pwd=q6s5
89
+ - text2vec-large-chinese.zip 链接: https://pan.baidu.com/s/1sMyPzBIXdEzHygftEoyBuA?pwd=4xs7
90
+ - chatglm-6b-int4-qe.zip 链接: https://pan.baidu.com/s/1DDKMOMHtNZccOOBGWIOYww?pwd=22ji
91
+ - chatglm-6b-int4.zip 链接: https://pan.baidu.com/s/1pvZ6pMzovjhkA6uPcRLuJA?pwd=3gjd
92
+ - chatglm-6b.zip 链接: https://pan.baidu.com/s/1B-MpsVVs1GHhteVBetaquw?pwd=djay
93
+
94
+ ---
95
+
96
+ Q9: 下载完模型后,如何修改代码以执行本地模型?
97
+
98
+ A9: 模型下载完成后,请在 [configs/model_config.py](../configs/model_config.py) 文件中,对 `embedding_model_dict`和 `llm_model_dict`参数进行修改,如把 `llm_model_dict`从
99
+
100
+ ```python
101
+ embedding_model_dict = {
102
+ "ernie-tiny": "nghuyong/ernie-3.0-nano-zh",
103
+ "ernie-base": "nghuyong/ernie-3.0-base-zh",
104
+ "text2vec": "GanymedeNil/text2vec-large-chinese"
105
+ }
106
+ ```
107
+
108
+ 修改为
109
+
110
+ ```python
111
+ embedding_model_dict = {
112
+ "ernie-tiny": "nghuyong/ernie-3.0-nano-zh",
113
+ "ernie-base": "nghuyong/ernie-3.0-base-zh",
114
+ "text2vec": "/Users/liuqian/Downloads/ChatGLM-6B/text2vec-large-chinese"
115
+ }
116
+ ```
117
+
118
+ ---
119
+
120
+ Q10: 执行 `python cli_demo.py`过程中,显卡内存爆了,提示"OutOfMemoryError: CUDA out of memory"
121
+
122
+ A10: 将 `VECTOR_SEARCH_TOP_K` 和 `LLM_HISTORY_LEN` 的值调低,比如 `VECTOR_SEARCH_TOP_K = 5` 和 `LLM_HISTORY_LEN = 2`,这样由 `query` 和 `context` 拼接得到的 `prompt` 会变短,会减少内存的占用。
123
+
124
+ ---
125
+
126
+ Q11: 执行 `pip install -r requirements.txt` 过程中遇到 python 包,如 langchain 找不到对应版本的问题
127
+
128
+ A11: 更换 pypi 源后重新安装,如阿里源、清华源等,网络条件允许时建议直接使用 pypi.org 源,具体操作命令如下:
129
+
130
+ ```shell
131
+ # 使用 pypi 源
132
+ $ pip install -r requirements.txt -i https://pypi.python.org/simple
133
+ ```
134
+
135
+
136
+
137
+ ```shell
138
+ # 使用阿里源
139
+ $ pip install -r requirements.txt -i http://mirrors.aliyun.com/pypi/simple/
140
+ ```
141
+
142
+
143
+
144
+ ```shell
145
+ # 使用清华源
146
+ $ pip install -r requirements.txt -i https://pypi.tuna.tsinghua.edu.cn/simple/
147
+ ```
148
+
149
+ Q12 启动api.py时upload_file接口抛出 `partially initialized module 'charset_normalizer' has no attribute 'md__mypyc' (most likely due to a circular import)`
150
+
151
+ 这是由于 charset_normalizer模块版本过高导致的,需要降低低charset_normalizer的版本,测试在charset_normalizer==2.1.0上可用。
152
+
153
+ ---
154
+
155
+ Q13 启动api.py时upload_file接口,上传PDF或图片时,抛出OSError: [Errno 101] Network is unreachable
156
+
157
+ 某些情况下,linux系统上的ip在请求下载ch_PP-OCRv3_rec_infer.tar等文件时,可能会抛出OSError: [Errno 101] Network is unreachable,此时需要首先修改anaconda3/envs/[虚拟环境名]/lib/[python版本]/site-packages/paddleocr/ppocr/utils/network.py脚本,将57行的:
158
+
159
+ ```
160
+ download_with_progressbar(url, tmp_path)
161
+ ```
162
+
163
+ 修改为:
164
+
165
+ ```
166
+ try:
167
+ download_with_progressbar(url, tmp_path)
168
+ except Exception as e:
169
+ print(f"download {url} error,please download it manually:")
170
+ print(e)
171
+ ```
172
+
173
+ 然后按照给定网址,如"https://paddleocr.bj.bcebos.com/PP-OCRv3/chinese/ch_PP-OCRv3_rec_infer.tar"手动下载文件,上传到对应的文件夹中,如“.paddleocr/whl/rec/ch/ch_PP-OCRv3_rec_infer/ch_PP-OCRv3_rec_infer.tar”.
174
+
175
+ ---
176
+
177
+ Q14 调用api中的 `bing_search_chat`接口时,报出 `Failed to establish a new connection: [Errno 110] Connection timed out`
178
+
179
+ 这是因为服务器加了防火墙,需要联系管理员加白名单,如果公司的服务器的话,就别想了GG--!
docs/INSTALL.md ADDED
@@ -0,0 +1,47 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # 安装
2
+
3
+ ## 环境检查
4
+
5
+ ```shell
6
+ # 首先,确信你的机器安装了 Python 3.8 及以上版本
7
+ $ python --version
8
+ Python 3.8.13
9
+
10
+ # 如果低于这个版本,可使用conda安装环境
11
+ $ conda create -p /your_path/env_name python=3.8
12
+
13
+ # 激活环境
14
+ $ source activate /your_path/env_name
15
+ $ pip3 install --upgrade pip
16
+
17
+ # 关闭环境
18
+ $ source deactivate /your_path/env_name
19
+
20
+ # 删除环境
21
+ $ conda env remove -p /your_path/env_name
22
+ ```
23
+
24
+ ## 项目依赖
25
+
26
+ ```shell
27
+ # 拉取仓库
28
+ $ git clone https://github.com/imClumsyPanda/langchain-ChatGLM.git
29
+
30
+ # 进入目录
31
+ $ cd langchain-ChatGLM
32
+
33
+ # 项目中 pdf 加载由先前的 detectron2 替换为使用 paddleocr,如果之前有安装过 detectron2 需要先完成卸载避免引发 tools 冲突
34
+ $ pip uninstall detectron2
35
+
36
+ # 检查paddleocr依赖,linux环境下paddleocr依赖libX11,libXext
37
+ $ yum install libX11
38
+ $ yum install libXext
39
+
40
+ # 安装依赖
41
+ $ pip install -r requirements.txt
42
+
43
+ # 验证paddleocr是否成功,首次运行会下载约18M模型到~/.paddleocr
44
+ $ python loader/image_loader.py
45
+
46
+ ```
47
+ 注:使用 `langchain.document_loaders.UnstructuredFileLoader` 进行非结构化文件接入时,可能需要依据文档进行其他依赖包的安装,请参考 [langchain 文档](https://python.langchain.com/en/latest/modules/indexes/document_loaders/examples/unstructured_file.html)。
docs/Issue-with-Installing-Packages-Using-pip-in-Anaconda.md ADDED
@@ -0,0 +1,114 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ## Issue with Installing Packages Using pip in Anaconda
2
+
3
+ ## Problem
4
+
5
+ Recently, when running open-source code, I encountered an issue: after creating a virtual environment with conda and switching to the new environment, using pip to install packages would be "ineffective." Here, "ineffective" means that the packages installed with pip are not in this new environment.
6
+
7
+ ------
8
+
9
+ ## Analysis
10
+
11
+ 1. First, create a test environment called test: `conda create -n test`
12
+ 2. Activate the test environment: `conda activate test`
13
+ 3. Use pip to install numpy: `pip install numpy`. You'll find that numpy already exists in the default environment.
14
+
15
+ ```powershell
16
+ Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
17
+ Requirement already satisfied: numpy in c:\programdata\anaconda3\lib\site-packages (1.20.3)
18
+ ```
19
+
20
+ 4. Check the information of pip: `pip show pip`
21
+
22
+ ```powershell
23
+ Name: pip
24
+ Version: 21.2.4
25
+ Summary: The PyPA recommended tool for installing Python packages.
26
+ Home-page: https://pip.pypa.io/
27
+ Author: The pip developers
28
+ Author-email: distutils-sig@python.org
29
+ License: MIT
30
+ Location: c:\programdata\anaconda3\lib\site-packages
31
+ Requires:
32
+ Required-by:
33
+ ```
34
+
35
+ 5. We can see that the current pip is in the default conda environment. This explains why the package is not in the new virtual environment when we directly use pip to install packages - because the pip being used belongs to the default environment, the installed package either already exists or is installed directly into the default environment.
36
+
37
+ ------
38
+
39
+ ## Solution
40
+
41
+ 1. We can directly use the conda command to install new packages, but sometimes conda may not have certain packages/libraries, so we still need to use pip to install.
42
+ 2. We can first use the conda command to install the pip package for the current virtual environment, and then use pip to install new packages.
43
+
44
+ ```powershell
45
+ # Use conda to install the pip package
46
+ (test) PS C:\Users\Administrator> conda install pip
47
+ Collecting package metadata (current_repodata.json): done
48
+ Solving environment: done
49
+ ....
50
+ done
51
+
52
+ # Display the information of the current pip, and find that pip is in the test environment
53
+ (test) PS C:\Users\Administrator> pip show pip
54
+ Name: pip
55
+ Version: 21.2.4
56
+ Summary: The PyPA recommended tool for installing Python packages.
57
+ Home-page: https://pip.pypa.io/
58
+ Author: The pip developers
59
+ Author-email: distutils-sig@python.org
60
+ License: MIT
61
+ Location: c:\programdata\anaconda3\envs\test\lib\site-packages
62
+ Requires:
63
+ Required-by:
64
+
65
+ # Now use pip to install the numpy package, and it is installed successfully
66
+ (test) PS C:\Users\Administrator> pip install numpy
67
+ Looking in indexes:
68
+ https://pypi.tuna.tsinghua.edu.cn/simple
69
+ Collecting numpy
70
+ Using cached https://pypi.tuna.tsinghua.edu.cn/packages/4b/23/140ec5a509d992fe39db17200e96c00fd29603c1531ce633ef93dbad5e9e/numpy-1.22.2-cp39-cp39-win_amd64.whl (14.7 MB)
71
+ Installing collected packages: numpy
72
+ Successfully installed numpy-1.22.2
73
+
74
+ # Use pip list to view the currently installed packages, no problem
75
+ (test) PS C:\Users\Administrator> pip list
76
+ Package Version
77
+ ------------ ---------
78
+ certifi 2021.10.8
79
+ numpy 1.22.2
80
+ pip 21.2.4
81
+ setuptools 58.0.4
82
+ wheel 0.37.1
83
+ wincertstore 0.2
84
+ ```
85
+
86
+ ## Supplement
87
+
88
+ 1. The reason I didn't notice this problem before might be because the packages installed in the virtual environment were of a specific version, which overwrote the packages in the default environment. The main issue was actually a lack of careful observation:), otherwise, I could have noticed `Successfully uninstalled numpy-xxx` **default version** and `Successfully installed numpy-1.20.3` **specified version**.
89
+ 2. During testing, I found that if the Python version is specified when creating a new package, there shouldn't be this issue. I guess this is because pip will be installed in the virtual environment, while in our case, including pip, no packages were installed, so the default environment's pip was used.
90
+ 3. There's a question: I should have specified the Python version when creating a new virtual environment before, but I still used the default environment's pip package. However, I just couldn't reproduce the issue successfully on two different machines, which led to the second point mentioned above.
91
+ 4. After encountering the problem mentioned in point 3, I solved it by using `python -m pip install package-name`, adding `python -m` before pip. As for why, you can refer to the answer on [StackOverflow](https://stackoverflow.com/questions/41060382/using-pip-to-install-packages-to-anaconda-environment):
92
+
93
+ >1. If you have a non-conda pip as your default pip but conda python as your default python (as below):
94
+ >
95
+ >```shell
96
+ >>which -a pip
97
+ >/home/<user>/.local/bin/pip
98
+ >/home/<user>/.conda/envs/newenv/bin/pip
99
+ >/usr/bin/pip
100
+ >
101
+ >>which -a python
102
+ >/home/<user>/.conda/envs/newenv/bin/python
103
+ >/usr/bin/python
104
+ >```
105
+ >
106
+ >2. Then, instead of calling `pip install <package>` directly, you can use the module flag -m in python so that it installs with the anaconda python
107
+ >
108
+ >```shell
109
+ >python -m pip install <package>
110
+ >```
111
+ >
112
+ >3. This will install the package to the anaconda library directory rather than the library directory associated with the (non-anaconda) pip
113
+ >4. The reason for doing this is as follows: the pip command references a specific pip file/shortcut (which -a pip will tell you which one). Similarly, the python command references a specific python file (which -a python will tell you which one). For one reason or another, these two commands can become out of sync, so your "default" pip is in a different folder than your default python and therefore is associated with different versions of python.
114
+ >5. In contrast, the python -m pip construct does not use the shortcut that the pip command points to. Instead, it asks python to find its pip version and use that version to install a package.
docs/StartOption.md ADDED
@@ -0,0 +1,76 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ #### 项目启动选项
3
+ ```test
4
+ usage: langchina-ChatGLM [-h] [--no-remote-model] [--model MODEL] [--lora LORA] [--model-dir MODEL_DIR] [--lora-dir LORA_DIR] [--cpu] [--auto-devices] [--gpu-memory GPU_MEMORY [GPU_MEMORY ...]] [--cpu-memory CPU_MEMORY]
5
+ [--load-in-8bit] [--bf16]
6
+
7
+ 基于langchain和chatGML的LLM文档阅读器
8
+
9
+ options:
10
+ -h, --help show this help message and exit
11
+ --no-remote-model remote in the model on loader checkpoint, if your load local model to add the ` --no-remote-model`
12
+ --model MODEL Name of the model to load by default.
13
+ --lora LORA Name of the LoRA to apply to the model by default.
14
+ --model-dir MODEL_DIR
15
+ Path to directory with all the models
16
+ --lora-dir LORA_DIR Path to directory with all the loras
17
+ --cpu Use the CPU to generate text. Warning: Training on CPU is extremely slow.
18
+ --auto-devices Automatically split the model across the available GPU(s) and CPU.
19
+ --gpu-memory GPU_MEMORY [GPU_MEMORY ...]
20
+ Maxmimum GPU memory in GiB to be allocated per GPU. Example: --gpu-memory 10 for a single GPU, --gpu-memory 10 5 for two GPUs. You can also set values in MiB like --gpu-memory 3500MiB.
21
+ --cpu-memory CPU_MEMORY
22
+ Maximum CPU memory in GiB to allocate for offloaded weights. Same as above.
23
+ --load-in-8bit Load the model with 8-bit precision.
24
+ --bf16 Load the model with bfloat16 precision. Requires NVIDIA Ampere GPU.
25
+
26
+ ```
27
+
28
+ #### 示例
29
+
30
+ - 1、加载本地模型
31
+
32
+ ```text
33
+ --model-dir 本地checkpoint存放文件夹
34
+ --model 模型名称
35
+ --no-remote-model 不从远程加载模型
36
+ ```
37
+ ```shell
38
+ $ python cli_demo.py --model-dir /media/mnt/ --model chatglm-6b --no-remote-model
39
+ ```
40
+
41
+ - 2、低精度加载模型
42
+ ```text
43
+ --model-dir 本地checkpoint存放文件夹
44
+ --model 模型名称
45
+ --no-remote-model 不从远程加载模型
46
+ --load-in-8bit 以8位精度加载模型
47
+ ```
48
+ ```shell
49
+ $ python cli_demo.py --model-dir /media/mnt/ --model chatglm-6b --no-remote-model --load-in-8bit
50
+ ```
51
+
52
+
53
+ - 3、使用cpu预测模型
54
+ ```text
55
+ --model-dir 本地checkpoint存放文件夹
56
+ --model 模型名称
57
+ --no-remote-model 不从远程加载模型
58
+ --cpu 使用CPU生成文本。警告:CPU上的训练非常缓慢。
59
+ ```
60
+ ```shell
61
+ $ python cli_demo.py --model-dir /media/mnt/ --model chatglm-6b --no-remote-model --cpu
62
+ ```
63
+
64
+
65
+
66
+ - 3、加载lora微调文件
67
+ ```text
68
+ --model-dir 本地checkpoint存放文件夹
69
+ --model 模型名称
70
+ --no-remote-model 不从远程加载模型
71
+ --lora-dir 本地lora存放文件夹
72
+ --lora lora名称
73
+ ```
74
+ ```shell
75
+ $ python cli_demo.py --model-dir /media/mnt/ --model chatglm-6b --no-remote-model --lora-dir /media/mnt/loras --lora chatglm-step100
76
+ ```
docs/cli.md ADDED
@@ -0,0 +1,49 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ## 命令行工具
2
+
3
+ windows cli.bat
4
+ linux cli.sh
5
+
6
+ ## 命令列表
7
+
8
+ ### llm 管理
9
+
10
+ llm 支持列表
11
+
12
+ ```shell
13
+ cli.bat llm ls
14
+ ```
15
+
16
+ ### embedding 管理
17
+
18
+ embedding 支持列表
19
+
20
+ ```shell
21
+ cli.bat embedding ls
22
+ ```
23
+
24
+ ### start 启动管理
25
+
26
+ 查看启动选择
27
+
28
+ ```shell
29
+ cli.bat start
30
+ ```
31
+
32
+ 启动命令行交互
33
+
34
+ ```shell
35
+ cli.bat start cli
36
+ ```
37
+
38
+ 启动Web 交互
39
+
40
+ ```shell
41
+ cli.bat start webui
42
+ ```
43
+
44
+ 启动api服务
45
+
46
+ ```shell
47
+ cli.bat start api
48
+ ```
49
+
docs/fastchat.md ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # fastchat 调用实现教程
2
+ langchain-ChatGLM 现已支持通过调用 FastChat API 进行 LLM 调用,支持的 API 形式为 **OpenAI API 形式**。
3
+ 1. 首先请参考 [FastChat 官方文档](https://github.com/lm-sys/FastChat/blob/main/docs/openai_api.md#restful-api-server) 进行 FastChat OpenAI 形式 API 部署
4
+ 2. 依据 FastChat API 启用时的 `model_name` 和 `api_base` 链接,在本项目的 `configs/model_config.py` 的 `llm_model_dict` 中增加选项。如:
5
+ ```python
6
+ llm_model_dict = {
7
+
8
+ # 通过 fastchat 调用的模型请参考如下格式
9
+ "fastchat-chatglm-6b": {
10
+ "name": "chatglm-6b", # "name"修改为fastchat服务中的"model_name"
11
+ "pretrained_model_name": "chatglm-6b",
12
+ "local_model_path": None,
13
+ "provides": "FastChatOpenAILLM", # 使用fastchat api时,需保证"provides"为"FastChatOpenAILLM"
14
+ "api_base_url": "http://localhost:8000/v1" # "name"修改为fastchat服务中的"api_base_url"
15
+ },
16
+ }
17
+ ```
18
+ 其中 `api_base_url` 根据 FastChat 部署时的 ip 地址和端口号得到,如 ip 地址设置为 `localhost`,端口号为 `8000`,则应设置的 `api_base_url` 为 `http://localhost:8000/v1`
19
+
20
+ 3. 将 `configs/model_config.py` 中的 `LLM_MODEL` 修改为对应模型名。如:
21
+ ```python
22
+ LLM_MODEL = "fastchat-chatglm-6b"
23
+ ```
24
+ 4. 根据需求运行 `api.py`, `cli_demo.py` 或 `webui.py`。
docs/在Anaconda中使用pip安装包无效问题.md ADDED
@@ -0,0 +1,125 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ## 在 Anaconda 中使用 pip 安装包无效问题
2
+
3
+ ## 问题
4
+
5
+ 最近在跑开源代码的时候遇到的问题:使用 conda 创建虚拟环境并切换到新的虚拟环境后,再使用 pip 来安装包会“无效”。这里的“无效”指的是使用 pip 安装的包不在这个新的环境中。
6
+
7
+ ------
8
+
9
+ ## 分析
10
+
11
+ 1、首先创建一个测试环境 test,`conda create -n test`
12
+
13
+ 2、激活该测试环境,`conda activate test`
14
+
15
+ 3、使用 pip 安装 numpy,`pip install numpy`,会发现 numpy 已经存在默认的环境中
16
+
17
+ ```powershell
18
+ Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
19
+ Requirement already satisfied: numpy in c:\programdata\anaconda3\lib\site-packages (1.20.3)
20
+ ```
21
+
22
+ 4、这时候看一下 pip 的信息,`pip show pip`
23
+
24
+ ```powershell
25
+ Name: pip
26
+ Version: 21.2.4
27
+ Summary: The PyPA recommended tool for installing Python packages.
28
+ Home-page: https://pip.pypa.io/
29
+ Author: The pip developers
30
+ Author-email: distutils-sig@python.org
31
+ License: MIT
32
+ Location: c:\programdata\anaconda3\lib\site-packages
33
+ Requires:
34
+ Required-by:
35
+ ```
36
+
37
+ 5、可以发现当前 pip 是在默认的 conda 环境中。这也就解释了当我们直接使用 pip 安装包时为什么包不在这个新的虚拟环境中,因为使用的 pip 属于默认环境,安装的包要么已经存在,要么直接装到默认环境中去了。
38
+
39
+ ------
40
+
41
+ ## 解决
42
+
43
+ 1、我们可以直接使用 conda 命令安装新的包,但有些时候 conda 可能没有某些包/库,所以还是得用 pip 安装
44
+
45
+ 2、我们可以先使用 conda 命令为当前虚拟环境安装 pip 包,再使用 pip 安装新的包
46
+
47
+ ```powershell
48
+ # 使用 conda 安装 pip 包
49
+ (test) PS C:\Users\Administrator> conda install pip
50
+ Collecting package metadata (current_repodata.json): done
51
+ Solving environment: done
52
+ ....
53
+ done
54
+
55
+ # 显示当前 pip 的信息,发现 pip 在测试环境 test 中
56
+ (test) PS C:\Users\Administrator> pip show pip
57
+ Name: pip
58
+ Version: 21.2.4
59
+ Summary: The PyPA recommended tool for installing Python packages.
60
+ Home-page: https://pip.pypa.io/
61
+ Author: The pip developers
62
+ Author-email: distutils-sig@python.org
63
+ License: MIT
64
+ Location: c:\programdata\anaconda3\envs\test\lib\site-packages
65
+ Requires:
66
+ Required-by:
67
+
68
+ # 再使用 pip 安装 numpy 包,成功安装
69
+ (test) PS C:\Users\Administrator> pip install numpy
70
+ Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
71
+ Collecting numpy
72
+ Using cached https://pypi.tuna.tsinghua.edu.cn/packages/4b/23/140ec5a509d992fe39db17200e96c00fd29603c1531ce633ef93dbad5e9e/numpy-1.22.2-cp39-cp39-win_amd64.whl (14.7 MB)
73
+ Installing collected packages: numpy
74
+ Successfully installed numpy-1.22.2
75
+
76
+ # 使用 pip list 查看当前安装的包,没有问题
77
+ (test) PS C:\Users\Administrator> pip list
78
+ Package Version
79
+ ------------ ---------
80
+ certifi 2021.10.8
81
+ numpy 1.22.2
82
+ pip 21.2.4
83
+ setuptools 58.0.4
84
+ wheel 0.37.1
85
+ wincertstore 0.2
86
+ ```
87
+
88
+ ------
89
+
90
+ ## 补充
91
+
92
+ 1、之前没有发现这个问题可能时因为在虚拟环境中安装的包是指定版本的,覆盖了默认环境中的包。其实主要还是观察不仔细:),不然可以发现 `Successfully uninstalled numpy-xxx`【默认版本】 以及 `Successfully installed numpy-1.20.3`【指定版本】
93
+
94
+ 2、测试时发现如果在新建包的时候指定了 python 版本的话应该是没有这个问题的,猜测时因为会在虚拟环境中安装好 pip ,而我们这里包括 pip 在内啥包也没有装,所以使用的是默认环境的 pip
95
+
96
+ 3、有个问题,之前我在创建新的虚拟环境时应该指定了 python 版本,但还是使用的默认环境的 pip 包,但是刚在在两台机器上都没有复现成功,于是有了上面的第 2 点
97
+
98
+ 4、出现了第 3 点的问题后,我当时是使用 `python -m pip install package-name` 解决的,在 pip 前面加上了 python -m。至于为什么,可以参考 [StackOverflow](https://stackoverflow.com/questions/41060382/using-pip-to-install-packages-to-anaconda-environment) 上的回答:
99
+
100
+ > 1、如果你有一个非 conda 的 pip 作为你的默认 pip,但是 conda 的 python 是你的默认 python(如下):
101
+ >
102
+ > ```shell
103
+ > >which -a pip
104
+ > /home/<user>/.local/bin/pip
105
+ > /home/<user>/.conda/envs/newenv/bin/pip
106
+ > /usr/bin/pip
107
+ >
108
+ > >which -a python
109
+ > /home/<user>/.conda/envs/newenv/bin/python
110
+ > /usr/bin/python
111
+ > ```
112
+ >
113
+ > 2、然后,而不是直接调用 `pip install <package>`,你可以在 python 中使用模块标志 -m,以便它使用 anaconda python 进行安装
114
+ >
115
+ > ```shell
116
+ >python -m pip install <package>
117
+ > ```
118
+ >
119
+ > 3、这将把包安装到 anaconda 库目录,而不是与(非anaconda) pip 关联的库目录
120
+ >
121
+ > 4、这样做的原因如下:命令 pip 引用了一个特定的 pip 文件 / 快捷方式(which -a pip 会告诉你是哪一个)。类似地,命令 python 引用一个特定的 python 文件(which -a python 会告诉你是哪个)。由于这样或那样的原因,这两个命令可能���得不同步,因此你的“默认” pip 与你的默认 python 位于不同的文件夹中,因此与不同版本的 python 相关联。
122
+ >
123
+ > 5、与此相反,python -m pip 构造不使用 pip 命令指向的快捷方式。相反,它要求 python 找到它的pip 版本,并使用该版本安装一个包。
124
+
125
+ -
flagged/component 2/tmp036204lo.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u65b0\u5efa\u77e5\u8bc6\u5e93\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u5728\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\uff0c\u8be5\u529f\u80fd\u5c06\u5728\u540e\u7eed\u7248\u672c\u4e2d\u63a8\u51fa\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], ["langchain\u662f\u8c01\u5f00\u53d1\u7684", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4eca\u5929\u5929\u6c14\u5982\u4f55", "\u6839\u636e\u5df2\u77e5\u4fe1\u606f\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002\n\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"]]
flagged/component 2/tmp0h1h7ul4.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u516c\u53f8\u5417\uff1f", "\u6211\u65e0\u6cd5\u786e\u5b9a\u662f\u5426\u6307\u7684\u662f\u54ea\u4e2a\u5b89\u9f99\u516c\u53f8\uff0c\u56e0\u4e3a\u8be5\u540d\u79f0\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u4e0d\u540c\u7684\u5b9e\u4f53\u6216\u516c\u53f8\u3002\u53ef\u4ee5\u63d0\u4f9b\u66f4\u591a\u80cc\u666f\u4fe1\u606f\u6216\u4e0a\u4e0b\u6587\u5417\uff0c\u8fd9\u6837\u6211\u624d\u80fd\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002\u6b64\u5916\uff0c\u8be5\u516c\u53f8\u8fd8\u662f\u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212\u521b\u65b0\u4eba\u624d\u548c\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u6838\u5fc3\u6280\u672f\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u4e3b\u8981\u63d0\u4f9b\u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7814\u7a76\u3001\u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1\u3001\u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66\u7b49\u4e1a\u52a1\u3002\u540c\u65f6\uff0c\u8be5\u516c\u53f8\u8fd8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u4f0a\u745e\u53ef \u5409\u975e\u66ff\u5c3c\u7247 TOF \u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd \u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7a76 \u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1 \u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66 \u673a\u6784\u540d\u79f0\u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u5b9e \u6cd5\u5b9a\u4ee3\u8868\u4eba\u5e78\u822a \u4e3b\u8981\u8d1f\u8d23\u4eba\u738b\u63a5\u5170 \u767b\u8bb0\u53f7 \u4f01\u4e1a\u540d\u79f0\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u8bc1\u4e66\u7f16\u53f7\uff1aGR201834001281 \u53d1\u8bc1\u65f6\u95f4\uff1a20 \u8be5\u533b\u7597\u673a\u6784\u7ecf\u6838\u51c6\u767b\u8bb0\uff0c \u51c6\u4e88\u6267\u4e1a \u673a\u5173\u5408\u8303\u5e02\u536b\u751f\u4e2d\u6c34\u4e3b\u5546\u59d4\u5458 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u4ea7\u54c1\u670d\u52a1\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u4e3b\u8981\u63d0\u4f9b\u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7814\u7a76\u3001\u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1\u3001\u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66\u7b49\u4e1a\u52a1\u3002\u540c\u65f6\uff0c\u8be5\u516c\u53f8\u8fd8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002</p></p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u4ecb\u7ecd\u4e00\u4e0b\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u68c0\u6d4b\u4ea7\u54c1\u3002", "<p>\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\uff0c\u901a\u8fc7\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002\u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u80bf\u7624\u6cbb\u7597\u524d\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c\u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb\u884c\u7cbe\u51c6\u5206\u7c7b\uff0c\u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c\u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u5df2\u5efa\u7acb10\u4e07\u4f59\u4f8b\u8fd130\u79cd\u764c\u75c7\u57fa\u56e0\u6570\u636e\u5e93\uff0c \u5f62\u6210\u4e86\u4f01\u4e1a\u5728\u884c\u4e1a\u5185\u7684\u6280\u672f\u58c1\u5792\u3002 \u6b64\u5916\uff0c \u8fd8\u642d\u5efa\u4e86\u5305\u62ecPCR\u3001\u6570\u5b57PCR\u3001\u4e00\u4ee3\u6d4b\u5e8f\u3001\u4e8c\u4ee3\u6d4b\u5e8f\u7b49\u5728\u5185\u7684\u591a\u79cd\u68c0\u6d4b\u5e73\u53f0\uff0c \u7b2c\u4e09\u65b9\u68c0\u6d4b\u670d\u52a1\u4ea7\u54c1\u8986\u76d6 \u4e86\u7cbe\u51c6\u514d\u75ab\u6cbb\u7597\u3001\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u6307\u5bfc\u3001\u80bf\u7624\u65e9\u671f\u7b5b\u67e5\u3001\u80bf\u7624\u9057\u4f20\u6027\u7b5b\u67e5\u53ca\u9884\u540e\u9884\u6d4b\u7b49\u5168\u5468\u671f\u670d\u52a1\uff0c \u63d0\u4f9b\u80bf\u7624\u7cbe \u51c6\u8bca\u7597\u6574\u4f53\u89e3\u51b3\u65b9\u6848\u3002 \u516c\u53f8\u62e5\u6709\u591a\u4e2a\u56fd\u5185\u9996\u521b\u764c\u75c7\u65e9\u7b5b\u4ea7\u54c1\uff0c\u5e76\u9488\u5bf9\u4e34\u5e8a\u5f00\u53d1\u4e86\u62e5\u6709\u81ea\u4e3b\u77e5\u8bc6\u4ea7\u6743\u3001\u56fd\u5185\u9996\u521b \u7684\u5168\u81ea\u52a8\u6838\u9178\u63d0\u53d6\u786b\u5316\u4eea\u3002 \u76ee\u524d\u5b89\u9f99\u57fa\u56e0\u5df2\u7533\u8bf770\u4f59\u9879\u77e5\u8bc6\u4ea7\u6743\uff0c \u4ee5\u6ee1\u5206\u6210\u7ee9\u901a\u8fc7\u591a\u9879\u5168\u56fd\u4e34\u5e8a\u68c0\u9a8c\u5ba4\u95f4\u8d28\u91cf\u8bc4\u4ef7\uff0c\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u5bf9\u4e8e\u5927\u6837\u672c\u4eba\u7fa4\u4e0e\u7279\u5b9a\u75be\u75c5 \u7c7b\u578b\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c \u4ece\u800c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c \u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb \u884c\u7cbe\u51c6\u5206\u7c7b\uff0c \u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c \u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002 \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002 \u6211\u4eec\u575a\u4fe1\uff0c\u6562\u4e8e\u76f4\u9762\u80bf\u7624\u7684\u60a8\u4e0d\u4ec5\u662f\u751f\u547d\u7684\u52c7\u58eb\uff0c\u66f4\u662f\u751f\u6d3b\u7684\u5f3a\u8005\uff01 \u5728\u6218\u80dc\u80bf\u7624\u7684\u9053\u8def\u4e0a\uff0c\u6211\u4eec\u4e3a\u60a8\u79d1\u5b66\u62a4\u822a\uff0c\u4e0e\u60a8 \u4e00\u8d77\u6218\u6597\uff01\n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n\u5bf9\u4e8e\u5927\u6837\u672c\u4eba\u7fa4\u4e0e\u7279\u5b9a\u75be\u75c5 \u7c7b\u578b\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c \u4ece\u800c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c \u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb \u884c\u7cbe\u51c6\u5206\u7c7b\uff0c \u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c \u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002 \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002 \u6211\u4eec\u575a\u4fe1\uff0c\u6562\u4e8e\u76f4\u9762\u80bf\u7624\u7684\u60a8\u4e0d\u4ec5\u662f\u751f\u547d\u7684\u52c7\u58eb\uff0c\u66f4\u662f\u751f\u6d3b\u7684\u5f3a\u8005\uff01 \u5728\u6218\u80dc\u80bf\u7624\u7684\u9053\u8def\u4e0a\uff0c\u6211\u4eec\u4e3a\u60a8\u79d1\u5b66\u62a4\u822a\uff0c\u4e0e\u60a8 \u4e00\u8d77\u6218\u6597\uff01\n</details>"], ["\u8bf7\u4ecb\u7ecd\u5b89\u9f99\u57fa\u56e0\u7684\u987e\u95ee\u56e2\u961f\u3002", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u7684\u987e\u95ee\u56e2\u961f\u5305\u62ec\u6e05\u7f8e\u5927\u5b66\u533b\u5b66\u9662\u6559\u6388\u9f99\u5893\u56e0\u3001\u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40\u548c\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7684\u76f8\u5173\u4eba\u5458\u3002\u9f99\u5893\u56e0\u6559\u6388\u662f\u751f\u7269\u4fe1\u606f\u5b66\u9886\u57df\u7684\u4e13\u5bb6\uff0c\u957f\u671f\u4ece\u4e8b\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u7684\u7814\u7a76\u548c\u6559\u5b66\u5de5\u4f5c\u3002\u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40\u5219\u662f\u653f\u5e9c\u673a\u6784\uff0c\u8d1f\u8d23\u79d1\u6280\u9879\u76ee\u7684\u7ba1\u7406\u548c\u5ba1\u6279\u3002\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u5219\u662f\u5b89\u9f99\u57fa\u56e0\u7684\u6280\u672f\u652f\u6301\u548c\u8fd0\u8425\u4e3b\u4f53\uff0c\u8d1f\u8d23\u63d0\u4f9b\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u68c0\u6d4b\u4ea7\u54c1\u548c\u670d\u52a1\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\nANLONG BIO TECHNOLOGY \u6e05\u7f8e\u5927\u5b66\u533b\u5b66\u9662 \u9f99\u5893\u56e0 \u8054\u7cfb\u6211\u4eec \u670d\u52a1\u70ed\u7ebf\uff1a400 801 9858 \u5b89\u9f99\u57fa\u56e0 \u5740\uff1awww. anlongen. com ontent \u76ee \u5f55 Branches \u652f\u673a\u6784 \u5408\u4f5c\u4f19\u4f34 Advisers \u987e\u95ee\u56e2\u961f Platform \u6280\u672f\u5e73\u53f0 \u4ea7\u54c1\u670d\u52a1 Core Technology \u6838\u5fc3\u6280 Qualification \u8d44\u8d28\u8bc1\u4e66 Cooperaters Products Advantages \u5b89\u9f99\u54c1\u538b \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u9996\u5e2d\u79d1\u5b66\u5bb6\u662f\u8c01\uff1f", "\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u786e\u5b9a\u5b89\u9f99\u57fa\u56e0\u7684\u9996\u5e2d\u79d1\u5b66\u5bb6\u662f\u8c01\u3002\u5efa\u8bae\u60a8\u8fdb\u4e00\u6b65\u67e5\u9605\u76f8\u5173\u8d44\u6599\uff0c\u4ee5\u83b7\u53d6\u66f4\u51c6\u786e\u7684\u4fe1\u606f\u3002\n\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u4f0a\u745e\u53ef \u5409\u975e\u66ff\u5c3c\u7247 TOF \u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd \u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7a76 \u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1 \u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66 \u673a\u6784\u540d\u79f0\u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u5b9e \u6cd5\u5b9a\u4ee3\u8868\u4eba\u5e78\u822a \u4e3b\u8981\u8d1f\u8d23\u4eba\u738b\u63a5\u5170 \u767b\u8bb0\u53f7 \u4f01\u4e1a\u540d\u79f0\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u8bc1\u4e66\u7f16\u53f7\uff1aGR201834001281 \u53d1\u8bc1\u65f6\u95f4\uff1a20 \u8be5\u533b\u7597\u673a\u6784\u7ecf\u6838\u51c6\u767b\u8bb0\uff0c \u51c6\u4e88\u6267\u4e1a \u673a\u5173\u5408\u8303\u5e02\u536b\u751f\u4e2d\u6c34\u4e3b\u5546\u59d4\u5458 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"]]
flagged/component 2/tmp0jhul1pf.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u65e0\u4eba\u8239\u81ea\u4e3b\u673a\u8231\u5417\uff1f", "\u65e0\u4eba\u8239\u81ea\u4e3b\u673a\u8231\u662f\u6307\u4e00\u79cd\u65e0\u4eba\u8239\uff08\u81ea\u4e3b\u822a\u884c\u8239\uff09\uff0c\u5b83\u6709\u4e00\u4e2a\u6216\u591a\u4e2a\u673a\u8231\uff0c\u53ef\u4ee5\u5728\u6d77\u4e0a\u81ea\u4e3b\u822a\u884c\u3002\u8fd9\u79cd\u8239\u901a\u5e38\u7528\u4e8e\u6d77\u6d0b\u79d1\u5b66\u7814\u7a76\u3001\u6d77\u5e95\u63a2\u7d22\u3001\u6d77\u6d0b\u8d44\u6e90\u5f00\u53d1\u7b49\u9886\u57df\u3002\n\n"]]
flagged/component 2/tmp0u3h_pds.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u516c\u53f8\u5417\uff1f", "\u6211\u65e0\u6cd5\u786e\u5b9a\u662f\u5426\u6307\u7684\u662f\u54ea\u4e2a\u5b89\u9f99\u516c\u53f8\uff0c\u56e0\u4e3a\u8be5\u540d\u79f0\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u4e0d\u540c\u7684\u5b9e\u4f53\u6216\u516c\u53f8\u3002\u53ef\u4ee5\u63d0\u4f9b\u66f4\u591a\u80cc\u666f\u4fe1\u606f\u6216\u4e0a\u4e0b\u6587\u5417\uff0c\u8fd9\u6837\u6211\u624d\u80fd\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u5417\uff1f", "\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002\u6b64\u5916\uff0c\u8be5\u516c\u53f8\u8fd8\u662f\u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212\u521b\u65b0\u4eba\u624d\u548c\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730\u3002\n\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"]]
flagged/component 2/tmp1i92t4_q.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], ["\u4e0a\u6d77\u6709\u591a\u5c11\u5c45\u6c11\uff1f", "\u6211\u65e0\u6cd5\u63d0\u4f9b\u4e0a\u6d77\u5c45\u6c11\u7684\u5f53\u524d\u6570\u91cf\uff0c\u56e0\u4e3a\u6211\u7684\u77e5\u8bc6\u5e93\u622a\u6b62\u65e5\u671f\u662f 2021 \u5e74\uff0c\u800c\u4e14\u6211\u6ca1\u6709\u88ab\u8bad\u7ec3\u6765\u5904\u7406\u5b9e\u65f6\u6570\u636e\u3002"], ["\u4f60\u77e5\u9053\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u5417\uff1f", "\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u6280\u672f\u6709\u9650\u516c\u53f8\u662f\u4e00\u5bb6\u4f4d\u4e8e\u5b89\u5fbd\u5bbf\u5dde\u5e02\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\uff0c\u4e3b\u8981\u4ece\u4e8b\u57fa\u56e0\u7f16\u8f91\u6280\u672f\u3001\u57fa\u56e0\u68c0\u6d4b\u6280\u672f\u3001\u57fa\u56e0\u6cbb\u7597\u6280\u672f\u7b49\u7814\u7a76\u3001\u751f\u4ea7\u548c\u9500\u552e\u3002\u8be5\u516c\u53f8\u6210\u7acb\u4e8e 2010 \u5e74\uff0c\u662f\u5168\u7403\u9886\u5148\u7684\u57fa\u56e0\u7f16\u8f91\u6280\u672f\u63d0\u4f9b\u5546\u4e4b\u4e00\u3002\u5b89\u9f99\u57fa\u56e0\u81f4\u529b\u4e8e\u4e3a\u751f\u547d\u79d1\u5b66\u9886\u57df\u7684\u7814\u7a76\u8005\u548c\u4e34\u5e8a\u533b\u751f\u63d0\u4f9b\u9ad8\u8d28\u91cf\u3001\u9ad8\u6027\u80fd\u7684\u57fa\u56e0\u7f16\u8f91\u6280\u672f\u548c\u89e3\u51b3\u65b9\u6848\u3002"]]
flagged/component 2/tmp1rbxzfjz.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 langchain-ChatGLM Web UI\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002</p>\n<p>\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u65b0\u5efa\u77e5\u8bc6\u5e93\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u5728\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002</p>\n<p>\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\uff0c\u8be5\u529f\u80fd\u5c06\u5728\u540e\u7eed\u7248\u672c\u4e2d\u63a8\u51fa\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93711\u6240\u4ecb\u7ecd\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93711\u6240\u4ecb\u7ecd\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], ["\u8bf7\u4ecb\u7ecd\u4e03\u4e00\u4e00\u7814\u7a76\u6240", "\u4e03\u4e00\u4e00\u7814\u7a76\u6240\uff08711 Research Institute\uff09\u662f\u4e00\u5bb6\u81f4\u529b\u4e8e\u79d1\u6280\u521b\u65b0\u3001\u6280\u672f\u7814\u7a76\u3001\u4ea7\u54c1\u7814\u53d1\u548c\u4eba\u624d\u57f9\u517b\u7684\u79d1\u7814\u578b\u673a\u6784\u3002\u6210\u7acb\u4e8e2000\u5e74\uff0c\u603b\u90e8\u4f4d\u4e8e\u4e2d\u56fd\u4e0a\u6d77\uff0c\u4e3b\u8981\u4e1a\u52a1\u6db5\u76d6\uff1a\n\n1. \u57fa\u7840\u7814\u7a76\uff1a\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81f4\u529b\u4e8e\u57fa\u7840\u7406\u8bba\u7814\u7a76\u3001\u57fa\u7840\u6280\u672f\u7814\u7a76\uff0c\u4e3a\u6211\u56fd\u79d1\u6280\u521b\u65b0\u548c\u4ea7\u4e1a\u53d1\u5c55\u63d0\u4f9b\u7406\u8bba\u652f\u6301\u3002\n\n2. \u5e94\u7528\u7814\u7a76\uff1a\u7ed3\u5408\u5e02\u573a\u9700\u6c42\uff0c\u5f00\u5c55\u5e94\u7528\u7814\u7a76\uff0c\u63a8\u52a8\u6280\u672f\u6210\u679c\u7684\u8f6c\u5316\u548c\u5e94\u7528\u3002\n\n3. \u4ea7\u54c1\u7814\u53d1\uff1a\u4e3a\u5ba2\u6237\u63d0\u4f9b\u6280\u672f\u89e3\u51b3\u65b9\u6848\uff0c\u534f\u52a9\u5ba2\u6237\u5f00\u53d1\u5177\u6709\u81ea\u4e3b\u77e5\u8bc6\u4ea7\u6743\u7684\u4ea7\u54c1\u3002\n\n4. \u4eba\u624d\u57f9\u517b\uff1a\u57f9\u517b\u9ad8\u7d20\u8d28\u7684\u79d1\u6280\u4eba\u624d\uff0c\u4e3a\u6211\u56fd\u79d1\u6280\u521b\u65b0\u548c\u53d1\u5c55\u505a\u51fa\u8d21\u732e\u3002\n\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u79c9\u627f\u201c\u79d1\u6280\u521b\u65b0\uff0c\u670d\u52a1\u793e\u4f1a\u201d\u7684\u4ef7\u503c\u89c2\uff0c\u5728\u672a\u6765\u7684\u53d1\u5c55\u8fc7\u7a0b\u4e2d\uff0c\u5c06\u7ee7\u7eed\u52aa\u529b\u4e3a\u6211\u56fd\u79d1\u6280\u521b\u65b0\u548c\u7ecf\u6d4e\u53d1\u5c55\u505a\u51fa\u66f4\u5927\u8d21\u732e\u3002"]]
flagged/component 2/tmp1t5top4s.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93zhiliang1\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u662f\u5982\u4f55\u8fdb\u884c\u8d28\u91cf\u7ba1\u7406\u7684\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u91c7\u7528\u6587\u4ef6\u7ba1\u7406\u548c\u63a7\u5236\u7a0b\u5e8f\u6765\u786e\u4fdd\u4e0e\u8d28\u91cf\u7ba1\u7406\u6d3b\u52a8\u6709\u5173\u7684\u90e8\u95e8\u548c\u573a\u5408\u6240\u4f7f\u7528\u7684\u6587\u4ef6\u7684\u5145\u5206\u6027\u548c\u9002\u5b9c\u6027\u3002\u8d28\u91cf\u624b\u518c\u662f\u9610\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u65b9\u9488\u3001\u8d28\u91cf\u76ee\u6807\uff0c\u5e76\u63cf\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u7eb2\u9886\u6027\u6587\u4ef6\u3002\u7a0b\u5e8f\u6587\u4ef6\u662f\u8d28\u91cf\u624b\u518c\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u63cf\u8ff0\u5b9e\u65bd\u8fc7\u7a0b\u6240\u6d89\u53ca\u7684\u5de5\u4f5c\u5185\u5bb9\u3001\u804c\u8d23\u3001\u65b9\u6cd5\u3001\u65f6\u95f4\u3001\u5730\u70b9\u3001\u6240\u9700\u8d44\u6e90\u4ee5\u53ca\u5e94\u5efa\u7acb\u7684\u8bb0\u5f55\u7b49\u3002\u6b64\u5916\uff0c\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u8fd8\u8d1f\u8d23\u5f52\u6863\u6587\u4ef6\u7684\u5b8c\u6574\u6027\u3001\u51c6\u786e\u6027\u3001\u7cfb\u7edf\u6027\uff0c\u5e76\u6309\u7167\u6587\u4ef6\u63a7\u5236\u6d41\u7a0b\u56fe\u8fdb\u884c\u6587\u4ef6\u7ba1\u7406\u3002\u603b\u7684\u6765\u8bf4\uff0c\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u901a\u8fc7\u6587\u4ef6\u7ba1\u7406\u548c\u63a7\u5236\u7a0b\u5e8f\u6765\u786e\u4fdd\u8d28\u91cf\u7ba1\u7406\u7684\u6709\u6548\u5b9e\u65bd\u3002</p>\n<details> <summary>\u51fa\u5904 [1] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\n0 20 7. 5 \u5f62\u6210\u6587\u4ef6\u7684\u4fe1\u606f 7. 5. 1 \u603b\u5219 7. 5. 1. 1 \u4e8b\u4e1a\u90e8\u7ba1\u7406\u4f53\u7cfb\u6587\u4ef6\u5305\u62ec\uff1a 1) \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ba1\u7406\u624b\u518c\uff08\u542b\u8d28\u91cf\u65b9\u9488\uff09\uff1b 2) \u5bf9\u7ba1\u7406\u4f53\u7cfb\u4e3b\u8981\u8981\u7d20\u53ca\u5176\u76f8\u4e92\u4f5c\u7528\u7684\u63cf\u8ff0\u53ca\u7ba1\u7406\u4f53\u7cfb\u7684\u8986\u76d6\u8303\u56f4\u7684\u63cf\u8ff0\uff1b \u7ba1\u7406 \u6807\u51c6\u3001\u6cd5\u5f8b\u6cd5\u89c4\u53ca\u5176\u4ed6\u8981\u6c42\u548c\u4e8b\u4e1a\u90e8\u4ea7\u54c1\u5f62\u6210\u8fc7\u7a0b\u6240\u9700\u8981\u7684\u7a0b\u5e8f\u6587\u4ef6\uff1b 3) \u8868\u8ff0\u7ba1\u7406\u4f53\u7cfb\u5982\u4f55\u5e94\u7528\u4e8e\u7279\u5b9a\u4ea7\u54c1\u3001\u9879\u76ee\u3001\u6d3b\u52a8\u6216\u5408\u540c\u7684\u8d28\u91cf\u8ba1\u5212\uff1b 4) \u4e8b\u4e1a\u90e8\u4e3a\u786e\u4fdd\u6240\u89c4\u5b9a\u7684\u8fc7\u7a0b\u6709\u6548\u7b56\u5212\u3001\u8fd0\u4f5c\u548c\u63a7\u5236\u6240\u9700\u7684\u6587\u4ef6\uff1b 5) \u6807\u51c6\u6240\u8981\u6c42\u7684\u8bb0\u5f55\u7b49\u3002 7. 5.\n</details><details> <summary>\u51fa\u5904 [2] Q711 ZD YZ204-2021.pdf</summary>\nZD YZ204\uff0d2017\u3002 Q/711 ZD YZ204 -2021 - 1 - \u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f 1 \u8303\u56f4 \u672c\u6587\u4ef6\u89c4\u5b9a\u4e86\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6240\u8981\u6c42\u7684\u6587\u4ef6\u7ba1\u7406\u548c\u63a7\u5236\u7a0b\u5e8f\uff0c \u4ee5\u786e\u4fdd\u4e0e\u8d28\u91cf\u7ba1\u7406\u6d3b\u52a8 \u6709\u5173\u7684\u90e8\u95e8\u548c\u573a\u5408\u6240\u4f7f\u7528\u7684\u6587\u4ef6\u7684\u5145\u5206\u6027\u548c\u9002\u5b9c\u6027\u3002 \u672c\u6587\u4ef6\u9002\u7528\u4e8e\u81ea\u52a8\u5316\u90e8\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6240\u8981\u6c42\u7684\u6587\u4ef6\u7ba1\u7406\u3002 2 \u89c4\u8303\u6027\u5f15\u7528\u6587\u4ef6 \u4e0b\u5217\u6587\u4ef6\u5bf9\u4e8e\u672c\u6587\u4ef6\u7684\u5e94\u7528\u662f\u5fc5\u4e0d\u53ef\u5c11\u7684\u3002 \u51e1\u662f\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u4ec5\u6ce8\u65e5\u671f\u7684\u7248 \u672c\u9002\u7528\u4e8e\u672c\u6587\u4ef6\u3002 \u51e1\u662f\u4e0d\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u5176\u6700\u65b0\u7248\u672c\uff08\u5305\u62ec\u6240\u6709\u7684\u4fee\u6539\u5355\uff09\u9002\u7528\u4e8e \u672c\u6587\u4ef6\u3002 GB/T \n</details><details> <summary>\u51fa\u5904 [3] Q711 ZD YZ204-2021.pdf</summary>\nZD YZ 201 \u8d28\u91cf\u624b\u518c\u786e\u5b9a\u7684\u672f\u8bed\u548c\u5b9a\u4e49\u9002\u7528\u4e8e\u672c\u6807\u51c6\u3002 3. 1 \u8d28\u91cf\u624b\u518c \u9610\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u65b9\u9488\u3001\u8d28\u91cf\u76ee\u6807\uff0c\u5e76\u63cf\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u7eb2\u9886\u6027\u6587\u4ef6\u3002 3. 2 \u7a0b\u5e8f\u6587\u4ef6 \u8d28\u91cf\u624b\u518c\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u63cf\u8ff0\u5b9e\u65bd\u8fc7\u7a0b\u6240\u6d89\u53ca\u7684\u5de5\u4f5c\u5185\u5bb9\u3001\u804c\u8d23\u3001\u65b9\u6cd5\u3001\u65f6\u95f4\u3001\u5730 \u70b9\u3001\u6240\u9700\u8d44\u6e90\u4ee5\u53ca\u5e94\u5efa\u7acb\u7684\u8bb0\u5f55\u7b49\u3002 3. 3 \u4f5c\u4e1a\u6587\u4ef6 \u4f5c\u4e1a\u6587\u4ef6\u662f\u7a0b\u5e8f\u6587\u4ef6\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u4e3b\u8981\u5206\u4e3a\u90e8\u95e8\u7ea7\u3001\u56fe\u6837\u53ca\u6280\u672f\u6587\u4ef6\u4e8c\u7c7b\u3002 Q/711 ZD YZ204\uff0d2021 - 2 - 4 \u804c\u8d23 4.\n</details><details> <summary>\u51fa\u5904 [4] Q711 ZD YZ204-2021.pdf</summary>\n c) \u8d1f\u8d23\u5f52\u6863\u6587\u4ef6\u7684\u5b8c\u6574\u6027\u3001\u51c6\u786e\u6027\u3001\u7cfb\u7edf\u6027\u3002 5 \u5de5\u4f5c\u6d41\u7a0b \u6587\u4ef6\u63a7\u5236\u6d41\u7a0b\u56fe\u89c1 Q/711 YZ204 \u9644\u5f55 A\u3002 6 \u5de5\u4f5c\u8981\u6c42 6. 1 \u6587\u4ef6\u8303\u56f4 6. 1. 1 \u8d28\u91cf\u624b\u518c \u8d28\u91cf\u624b\u518c\u662f\u9610\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u65b9\u9488\u3001\u8d28\u91cf\u76ee\u6807\uff0c\u5e76\u63cf\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u7eb2 \u9886\u6027\u6587\u4ef6\u3002 6. 1. 2 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7a0b\u5e8f\u6587\u4ef6 \u7a0b\u5e8f\u6587\u4ef6\u662f\u8d28\u91cf\u624b\u518c\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u4e0e\u8d28\u91cf\u624b\u518c\u76f8\u534f\u8c03\uff0c\u63cf\u8ff0\u5b9e\u65bd\u8fc7\u7a0b\u6240\u6d89\u53ca\u7684\u5de5 \u4f5c\u5185\u5bb9\u3001\u804c\u8d23\u3001\u65b9\u6cd5\u3001\u65f6\u95f4\u3001\u5730\u70b9\u3001\u6240\u9700\u8d44\u6e90\u4ee5\u53ca\u5e94\u5efa\u7acb\u7684\u8bb0\u5f55\u7b49\u3002 6. 1.\n</details><details> <summary>\u51fa\u5904 [5] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\nQ/711 ZD YZ212 2021 Q/711 ZD YZ212 2021 \u524d \u8a00 \u672c\u6807\u51c6\u662f\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff08\u4ee5\u4e0b\u7b80\u79f0\u81ea\u52a8\u5316\u90e8\uff09\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7a0b\u5e8f\u6587\u4ef6\uff0c \u89c4\u5b9a\u4e86\u4ea7\u54c1\u548c\u670d\u52a1\u7684\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7684\u7ba1\u7406\u8981\u6c42\u3002 \u672c\u6587\u4ef6\u662f Q/711 ZD YZ212-2017 \u7684\u4fee\u8ba2\u672c\uff0c\u4e3b\u8981\u4fee\u6539\u5982\u4e0b\uff1a \u2014\u2014\u6309\u76ee\u524d\u7ec4\u7ec7\u673a\u6784\u8c03\u6574\u4e86\u76f8\u5e94\u7684\u7ba1\u7406\u8303\u56f4\u548c\u804c\u8d23\uff1b \u672c\u6807\u51c6\u7684\u9644\u5f55 A\u3001\u9644\u5f55 B \u662f\u8d44\u6599\u6027\u9644\u5f55\u3002 \u672c\u6807\u51c6\u81ea\u5b9e\u65bd\u4e4b\u65e5\u8d77\uff0c\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u4ea7\u54c1\u548c\u670d\u52a1\u7684\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u6309\u672c\u6807 \u51c6\u6267\u884c\u3002\n</details>"], ["\u4f60\u77e5\u9053\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u5417\uff1f", "\u662f\u7684\uff0c\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u662f\u4e0a\u6d77\u4ea4\u901a\u5927\u5b66\u65d7\u4e0b\u7684\u4e00\u6240\u672c\u79d1\u9662\u6821\uff0c\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u6d66\u4e1c\u65b0\u533a\u3002"], ["\u4f60\u662f\u8c01\uff1f", "\u6211\u662f\u4e00\u4e2a\u540d\u4e3a ChatGLM2-6B \u7684\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u662f\u57fa\u4e8e\u6e05\u534e\u5927\u5b66 KEG \u5b9e\u9a8c\u5ba4\u548c\u667a\u8c31 AI \u516c\u53f8\u4e8e 2023 \u5e74\u5171\u540c\u8bad\u7ec3\u7684\u8bed\u8a00\u6a21\u578b\u5f00\u53d1\u7684\u3002\u6211\u7684\u4efb\u52a1\u662f\u9488\u5bf9\u7528\u6237\u7684\u95ee\u9898\u548c\u8981\u6c42\u63d0\u4f9b\u9002\u5f53\u7684\u7b54\u590d\u548c\u652f\u6301\u3002"], ["\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u4f53\u7cfb\u5305\u62ec\u54ea\u4e9b\u6587\u4ef6\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u4f53\u7cfb\u5305\u62ec\u4ee5\u4e0b\u6587\u4ef6\uff1a</p>\n<ol>\n<li>\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ba1\u7406\u624b\u518c\uff08\u542b\u8d28\u91cf\u65b9\u9488\uff09\uff1b</li>\n<li>\u5bf9\u7ba1\u7406\u4f53\u7cfb\u4e3b\u8981\u8981\u7d20\u53ca\u5176\u76f8\u4e92\u4f5c\u7528\u7684\u63cf\u8ff0\u53ca\u7ba1\u7406\u4f53\u7cfb\u7684\u8986\u76d6\u8303\u56f4\u7684\u63cf\u8ff0\uff1b</li>\n<li>\u8868\u8ff0\u7ba1\u7406\u4f53\u7cfb\u5982\u4f55\u5e94\u7528\u4e8e\u7279\u5b9a\u4ea7\u54c1\u3001\u9879\u76ee\u3001\u6d3b\u52a8\u6216\u5408\u540c\u7684\u8d28\u91cf\u8ba1\u5212\uff1b</li>\n<li>\u4e8b\u4e1a\u90e8\u4e3a\u786e\u4fdd\u6240\u89c4\u5b9a\u7684\u8fc7\u7a0b\u6709\u6548\u7b56\u5212\u3001\u8fd0\u4f5c\u548c\u63a7\u5236\u6240\u9700\u7684\u6587\u4ef6\uff1b</li>\n<li>\u6807\u51c6\u6240\u8981\u6c42\u7684\u8bb0\u5f55\u7b49\u3002</li>\n</ol>\n<p>\u6b64\u5916\uff0c\u8fd8\u5305\u62ecQ/711 ZD YZ204\uff0d2017\u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f\u548cQ/711 YZ204\uff0d2021\u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f\u3002</p>\n<details> <summary>\u51fa\u5904 [1] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\n0 20 7. 5 \u5f62\u6210\u6587\u4ef6\u7684\u4fe1\u606f 7. 5. 1 \u603b\u5219 7. 5. 1. 1 \u4e8b\u4e1a\u90e8\u7ba1\u7406\u4f53\u7cfb\u6587\u4ef6\u5305\u62ec\uff1a 1) \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ba1\u7406\u624b\u518c\uff08\u542b\u8d28\u91cf\u65b9\u9488\uff09\uff1b 2) \u5bf9\u7ba1\u7406\u4f53\u7cfb\u4e3b\u8981\u8981\u7d20\u53ca\u5176\u76f8\u4e92\u4f5c\u7528\u7684\u63cf\u8ff0\u53ca\u7ba1\u7406\u4f53\u7cfb\u7684\u8986\u76d6\u8303\u56f4\u7684\u63cf\u8ff0\uff1b \u7ba1\u7406 \u6807\u51c6\u3001\u6cd5\u5f8b\u6cd5\u89c4\u53ca\u5176\u4ed6\u8981\u6c42\u548c\u4e8b\u4e1a\u90e8\u4ea7\u54c1\u5f62\u6210\u8fc7\u7a0b\u6240\u9700\u8981\u7684\u7a0b\u5e8f\u6587\u4ef6\uff1b 3) \u8868\u8ff0\u7ba1\u7406\u4f53\u7cfb\u5982\u4f55\u5e94\u7528\u4e8e\u7279\u5b9a\u4ea7\u54c1\u3001\u9879\u76ee\u3001\u6d3b\u52a8\u6216\u5408\u540c\u7684\u8d28\u91cf\u8ba1\u5212\uff1b 4) \u4e8b\u4e1a\u90e8\u4e3a\u786e\u4fdd\u6240\u89c4\u5b9a\u7684\u8fc7\u7a0b\u6709\u6548\u7b56\u5212\u3001\u8fd0\u4f5c\u548c\u63a7\u5236\u6240\u9700\u7684\u6587\u4ef6\uff1b 5) \u6807\u51c6\u6240\u8981\u6c42\u7684\u8bb0\u5f55\u7b49\u3002 7. 5.\n</details><details> <summary>\u51fa\u5904 [2] Q711 ZD YZ204-2021.pdf</summary>\nZD YZ204\uff0d2017\u3002 Q/711 ZD YZ204 -2021 - 1 - \u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f 1 \u8303\u56f4 \u672c\u6587\u4ef6\u89c4\u5b9a\u4e86\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6240\u8981\u6c42\u7684\u6587\u4ef6\u7ba1\u7406\u548c\u63a7\u5236\u7a0b\u5e8f\uff0c \u4ee5\u786e\u4fdd\u4e0e\u8d28\u91cf\u7ba1\u7406\u6d3b\u52a8 \u6709\u5173\u7684\u90e8\u95e8\u548c\u573a\u5408\u6240\u4f7f\u7528\u7684\u6587\u4ef6\u7684\u5145\u5206\u6027\u548c\u9002\u5b9c\u6027\u3002 \u672c\u6587\u4ef6\u9002\u7528\u4e8e\u81ea\u52a8\u5316\u90e8\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6240\u8981\u6c42\u7684\u6587\u4ef6\u7ba1\u7406\u3002 2 \u89c4\u8303\u6027\u5f15\u7528\u6587\u4ef6 \u4e0b\u5217\u6587\u4ef6\u5bf9\u4e8e\u672c\u6587\u4ef6\u7684\u5e94\u7528\u662f\u5fc5\u4e0d\u53ef\u5c11\u7684\u3002 \u51e1\u662f\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u4ec5\u6ce8\u65e5\u671f\u7684\u7248 \u672c\u9002\u7528\u4e8e\u672c\u6587\u4ef6\u3002 \u51e1\u662f\u4e0d\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u5176\u6700\u65b0\u7248\u672c\uff08\u5305\u62ec\u6240\u6709\u7684\u4fee\u6539\u5355\uff09\u9002\u7528\u4e8e \u672c\u6587\u4ef6\u3002 GB/T \n</details><details> <summary>\u51fa\u5904 [3] Q711 ZD YZ204-2021.pdf</summary>\nZD YZ 201 \u8d28\u91cf\u624b\u518c\u786e\u5b9a\u7684\u672f\u8bed\u548c\u5b9a\u4e49\u9002\u7528\u4e8e\u672c\u6807\u51c6\u3002 3. 1 \u8d28\u91cf\u624b\u518c \u9610\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u65b9\u9488\u3001\u8d28\u91cf\u76ee\u6807\uff0c\u5e76\u63cf\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u7eb2\u9886\u6027\u6587\u4ef6\u3002 3. 2 \u7a0b\u5e8f\u6587\u4ef6 \u8d28\u91cf\u624b\u518c\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u63cf\u8ff0\u5b9e\u65bd\u8fc7\u7a0b\u6240\u6d89\u53ca\u7684\u5de5\u4f5c\u5185\u5bb9\u3001\u804c\u8d23\u3001\u65b9\u6cd5\u3001\u65f6\u95f4\u3001\u5730 \u70b9\u3001\u6240\u9700\u8d44\u6e90\u4ee5\u53ca\u5e94\u5efa\u7acb\u7684\u8bb0\u5f55\u7b49\u3002 3. 3 \u4f5c\u4e1a\u6587\u4ef6 \u4f5c\u4e1a\u6587\u4ef6\u662f\u7a0b\u5e8f\u6587\u4ef6\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u4e3b\u8981\u5206\u4e3a\u90e8\u95e8\u7ea7\u3001\u56fe\u6837\u53ca\u6280\u672f\u6587\u4ef6\u4e8c\u7c7b\u3002 Q/711 ZD YZ204\uff0d2021 - 2 - 4 \u804c\u8d23 4.\n</details><details> <summary>\u51fa\u5904 [4] Q711 ZD YZ204-2021.pdf</summary>\n c) \u8d1f\u8d23\u5f52\u6863\u6587\u4ef6\u7684\u5b8c\u6574\u6027\u3001\u51c6\u786e\u6027\u3001\u7cfb\u7edf\u6027\u3002 5 \u5de5\u4f5c\u6d41\u7a0b \u6587\u4ef6\u63a7\u5236\u6d41\u7a0b\u56fe\u89c1 Q/711 YZ204 \u9644\u5f55 A\u3002 6 \u5de5\u4f5c\u8981\u6c42 6. 1 \u6587\u4ef6\u8303\u56f4 6. 1. 1 \u8d28\u91cf\u624b\u518c \u8d28\u91cf\u624b\u518c\u662f\u9610\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u65b9\u9488\u3001\u8d28\u91cf\u76ee\u6807\uff0c\u5e76\u63cf\u8ff0\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u7eb2 \u9886\u6027\u6587\u4ef6\u3002 6. 1. 2 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7a0b\u5e8f\u6587\u4ef6 \u7a0b\u5e8f\u6587\u4ef6\u662f\u8d28\u91cf\u624b\u518c\u7684\u652f\u6301\u6027\u6587\u4ef6\uff0c\u4e0e\u8d28\u91cf\u624b\u518c\u76f8\u534f\u8c03\uff0c\u63cf\u8ff0\u5b9e\u65bd\u8fc7\u7a0b\u6240\u6d89\u53ca\u7684\u5de5 \u4f5c\u5185\u5bb9\u3001\u804c\u8d23\u3001\u65b9\u6cd5\u3001\u65f6\u95f4\u3001\u5730\u70b9\u3001\u6240\u9700\u8d44\u6e90\u4ee5\u53ca\u5e94\u5efa\u7acb\u7684\u8bb0\u5f55\u7b49\u3002 6. 1.\n</details><details> <summary>\u51fa\u5904 [5] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\nQ/711 ZD YZ212 2021 Q/711 ZD YZ212 2021 \u524d \u8a00 \u672c\u6807\u51c6\u662f\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff08\u4ee5\u4e0b\u7b80\u79f0\u81ea\u52a8\u5316\u90e8\uff09\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7a0b\u5e8f\u6587\u4ef6\uff0c \u89c4\u5b9a\u4e86\u4ea7\u54c1\u548c\u670d\u52a1\u7684\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7684\u7ba1\u7406\u8981\u6c42\u3002 \u672c\u6587\u4ef6\u662f Q/711 ZD YZ212-2017 \u7684\u4fee\u8ba2\u672c\uff0c\u4e3b\u8981\u4fee\u6539\u5982\u4e0b\uff1a \u2014\u2014\u6309\u76ee\u524d\u7ec4\u7ec7\u673a\u6784\u8c03\u6574\u4e86\u76f8\u5e94\u7684\u7ba1\u7406\u8303\u56f4\u548c\u804c\u8d23\uff1b \u672c\u6807\u51c6\u7684\u9644\u5f55 A\u3001\u9644\u5f55 B \u662f\u8d44\u6599\u6027\u9644\u5f55\u3002 \u672c\u6807\u51c6\u81ea\u5b9e\u65bd\u4e4b\u65e5\u8d77\uff0c\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u4ea7\u54c1\u548c\u670d\u52a1\u7684\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u6309\u672c\u6807 \u51c6\u6267\u884c\u3002\n</details>"], ["\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f\u5305\u62ec\u54ea\u4e9b\u5185\u5bb9\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f\u5305\u62ec\u4ee5\u4e0b\u5185\u5bb9\uff1a</p>\n<ol>\n<li>\n<p>\u8bbe\u8ba1\u548c\u5f00\u53d1\u7684\u7acb\u9879\u4f9d\u636e\uff1a\u5305\u62ec\u4e0e\u5ba2\u6237\u7b7e\u8ba2\u7684\u7814\u5236\u3001\u5f00\u53d1\u5408\u540c\u3001\u6280\u672f\u89c4\u683c\u4e66\u6216\u6280\u672f\u534f\u8bae\u4e66\uff0c\u4ee5\u53ca\u4e1a\u52a1\u90e8\u95e8\u63d0\u51fa\u7684\u65b0\u4ea7\u54c1\u5f00\u53d1\u5efa\u8bae\u6216\u539f\u6709\u4ea7\u54c1\u6280\u672f\u3001\u5de5\u827a\u6539\u8fdb\u7684\u5efa\u8bae\u3002</p>\n</li>\n<li>\n<p>\u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u9636\u6bb5\uff1a\u5305\u62ec\u8bbe\u8ba1\u548c\u5f00\u53d1\u6d3b\u52a8\u7684\u5404\u4e2a\u9636\u6bb5\u53ca\u5176\u63a7\u5236\uff0c\u5e76\u6309\u7167 Q/711 ZD YZ211 2017 \u300a\u4ea7\u54c1\u8981\u6c42\u7684\u786e \u5b9a\u548c\u8bc4\u5ba1\u7a0b\u5e8f\u300b\u8fdb\u884c\u8bc4\u5ba1\u3002</p>\n</li>\n<li>\n<p>\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\uff1a\u7531\u5404\u627f\u5236\u90e8\u95e8\u5bf9\u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u7684\u5177\u4f53\u5b9e\u65bd\u8fdb\u884c\u63a7\u5236\uff0c\u4ee5\u786e\u4fdd\u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u53d7\u63a7\u3002</p>\n</li>\n<li>\n<p>\u8bbe\u8ba1\u548c\u5f00\u53d1\u8bc4\u5ba1\uff1a\u5728\u9002\u5b9c\u7684\u9636\u6bb5\uff0c\u5bf9\u8bbe\u8ba1\u548c\u5f00\u53d1\u5b9e\u65bd\u5404\u9636\u6bb5\u8bc4\u5ba1\u6d3b\u52a8\uff0c\u4ee5\u8bc4\u4ef7\u8bbe\u8ba1\u548c\u5f00\u53d1\u7684\u7ed3\u679c\u6ee1\u8db3\u8bbe\u8ba1\u8f93\u5165\u8981\u6c42\u3002</p>\n</li>\n</ol>\n<details> <summary>\u51fa\u5904 [1] Q711 ZD YZ204-2021.pdf</summary>\n GB/T 19001-2016/ISO9001:2015 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb \u8981\u6c42 \u6240\u7efc\u89c4[2016]212 \u9f50\u8000\u96c6\u56e2\u5236\u5ea6\u7ba1\u7406\u529e\u6cd5 \u6240\u7efc\u529e\u89c4[2013]188 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u516c\u6587\u5904\u7406\u7ba1\u7406\u529e\u6cd5 Q/711 ZD YZ212-2021 \u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f Q/711 YZ212. Z03 \u8bbe\u8ba1\u66f4\u6539\u5b9e\u65bd\u7ec6\u5219 \u6240\u529e\u89c4[2002]325 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u6863\u6848\u7ba1\u7406\u5236\u5ea6 \u6240\u7efc\u529e\u89c4[2012]306 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7535\u5b50\u6587\u4ef6\u5f52\u6863\u4e0e\u7ba1\u7406\u5b9e\u65bd\u7ec6\u5219\uff08\u8bd5\u884c\uff09 3 \u672f\u8bed\u548c\u5b9a\u4e49 GB/T19000-2016 \u548c Q/711 \n</details><details> <summary>\u51fa\u5904 [2] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\n\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8 \u53d1\u5e03 QB \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8 \u4f01\u4e1a\u6807\u51c6 Q/711 ZD YZ212\uff0d2021 \u4ee3\u66ff Q/711 ZD YZ212\uff0d2017 \u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f 2021 06 01 \u53d1\u5e03 2021 06 01 \u5b9e\u65bd Q/711 ZD YZ 212\uff0d2021 Q/711 ZD YZ212\uff0d2021 \u66f4 \u6539 \u9875 \u66f4\u6539\u901a\u77e5\u5355\u53f7 \u66f4\u6539\u65e5\u671f \u66f4\u6539\u6761\u6587\u53f7 \n</details><details> <summary>\u51fa\u5904 [3] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\nZD YZ212\uff0d2017 Q/711 ZD YZ212 2021 1 \u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f 1 \u8303\u56f4 \u672c\u6807\u51c6\u89c4\u5b9a\u4e86\u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u3001\u8bbe\u8ba1\u548c\u5f00\u53d1\u8bc4\u5ba1\u548c\u8bbe\u8ba1\u66f4\u6539\u7684\u63a7\u5236\u8981\u6c42\uff0c \u4ee5\u4f7f\u4ea7 \u54c1\u548c\u670d\u52a1\u7684\u8bbe\u8ba1\u548c\u5f00\u53d1\u5904\u4e8e\u53d7\u63a7\u72b6\u6001\uff0c \u786e\u4fdd\u4ea7\u54c1\u6ee1\u8db3\u987e\u5ba2\u7684\u8981\u6c42\u53ca\u6709\u5173\u6cd5\u5f8b\u3001\u6cd5\u89c4\u7684 \u8981\u6c42\u3002 \u672c\u6807\u51c6\u9002\u7528\u4e8e\u4e8b\u4e1a\u90e8\u6c11\u54c1\u7684\u8bbe\u8ba1\u3001\u5f00\u53d1\u8fc7\u7a0b\u5404\u9636\u6bb5\u6d3b\u52a8\u7684\u63a7\u5236\u3002 2 \u89c4\u8303\u6027\u5f15\u7528\u6587\u4ef6 \u4e0b\u5217\u6587\u4ef6\u4e2d\u7684\u6761\u6b3e\u901a\u8fc7\u672c\u6807\u51c6\u7684\u5f15\u7528\u800c\u6210\u4e3a\u672c\u6807\u51c6\u7684\u6761\u6b3e\u3002\n</details><details> <summary>\u51fa\u5904 [4] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\n2 \u8bbe\u8ba1\u548c\u5f00\u53d1\u7684\u7b56\u5212 \u5728\u7b56\u5212\u786e\u5b9a\u8bbe\u8ba1\u548c\u5f00\u53d1\u7684\u5404\u4e2a\u9636\u6bb5\u53ca\u5176\u63a7\u5236\u65f6\uff0c\u5e94\u8003\u8651\u5982\u4e0b\u65b9\u9762\uff1a 5. 2. 1 \u8bbe\u8ba1\u548c\u5f00\u53d1\u7684\u7acb\u9879\u4f9d\u636e a\uff09\u4e0e\u5ba2\u6237\u7b7e\u8ba2\u7684\u7814\u5236\u3001\u5f00\u53d1\u5408\u540c\u3001\u6280\u672f\u89c4\u683c\u4e66\u6216\u6280\u672f\u534f\u8bae\u4e66\uff1b b\uff09\u4e1a\u52a1\u90e8\u95e8\u63d0\u51fa\u7684\u65b0\u4ea7\u54c1\u5f00\u53d1\u5efa\u8bae\u6216\u539f\u6709\u4ea7\u54c1\u6280\u672f\u3001\u5de5\u827a\u6539\u8fdb\u7684\u5efa\u8bae\uff1b c\uff09\u5176\u5b83\u6709\u5173\u90e8\u95e8\u63d0\u51fa\u7684\u4ea7\u54c1\u5f00\u53d1\u548c\u6280\u672f\u3001\u5de5\u827a\u6539\u8fdb\u7684\u5efa\u8bae\u3002 \u6839\u636e\u4e0a\u8ff0\u4e0d\u540c\u7684\u7acb\u9879\u6765\u786e\u5b9a\u8bbe\u8ba1\u548c\u5f00\u53d1\u6d3b\u52a8\u7684\u6027\u8d28\u3001\u6301\u7eed\u65f6\u95f4\u548c\u590d\u6742\u7a0b\u5ea6\uff0c\u5e76\u7b56 \u5212\u76f8\u5e94\u7a0b\u5ea6\u7684\u8fc7\u7a0b\u63a7\u5236\u7a0b\u5e8f\u3002 5. 2. 2 \u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u9636\u6bb5 5. 2. 2.\n</details><details> <summary>\u51fa\u5904 [5] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\n\u8bc4\u5ba1\u5f62\u5f0f\u4e66\u9762\u4f1a\u7b7e\u5f62\u5f0f\uff0c\u8bc4\u5ba1\u8fc7\u7a0b\u6309Q/711 ZD YZ211 2017 \u300a\u4ea7\u54c1\u8981\u6c42\u7684\u786e \u5b9a\u548c\u8bc4\u5ba1\u7a0b\u5e8f\u300b\u6267\u884c\u3002 Q/711 ZD YZ212\uff0d2021 4 5. 4 \u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236 \u5404\u627f\u5236\u90e8\u95e8\u5bf9\u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u7684\u5177\u4f53\u5b9e\u65bd\u8fdb\u884c\u63a7\u5236\uff0c\u4ee5\u786e\u4fdd\u8bbe\u8ba1\u548c\u5f00\u53d1\u8fc7\u7a0b\u53d7\u63a7\u3002 5. 4. 1 \u8bbe\u8ba1\u548c\u5f00\u53d1\u8bc4\u5ba1 \u4f9d\u636e\u8bbe\u8ba1\u548c\u5f00\u53d1\u8ba1\u5212\u7684\u5b89\u6392\uff0c\u5728\u9002\u5b9c\u7684\u9636\u6bb5\uff0c\u5bf9\u8bbe\u8ba1\u548c\u5f00\u53d1\u5b9e\u65bd\u5404\u9636\u6bb5\u8bc4\u5ba1\u6d3b\u52a8\uff0c \u4ee5\u8bc4\u4ef7\u8bbe\u8ba1\u548c\u5f00\u53d1\u7684\u7ed3\u679c\u6ee1\u8db3\u8bbe\u8ba1\u8f93\u5165\u8981\u6c42\u3002\n</details>"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5417\uff1f", "<p>\u6211\u4e86\u89e3\u5230\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e00\u5bb6\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u516c\u53f8\u4e0b\u5c5e\u7684\u7814\u7a76\u6240\uff0c\u81f4\u529b\u4e8e\u7814\u7a76\u548c\u5f00\u53d1\u8239\u7528\u4ea7\u54c1\u5236\u9020\u3002\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u662f\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u4e00\u4e2a\u90e8\u95e8\uff0c\u8d1f\u8d23\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f\u3002\u6b64\u5916\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8fd8\u53d1\u5e03\u4e86\u300a\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8d28\u91cf\u624b\u518c\u300b\u548c\u300a\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f\u300b\u7b49\u6587\u4ef6\u3002</p>\n<details> <summary>\u51fa\u5904 [1] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\nGB/T19000 2016 \u300a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u57fa\u672c\u539f\u7406\u548c\u672f\u8bed\u300b GB/T19001 2016 \u300a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u300b CCSR9001 \u300a\u8239\u7528\u4ea7\u54c1\u5236\u9020\u5382\u4e13\u4e1a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u300b Q/711 YZ201 \u300a\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8d28\u91cf\u624b\u518c\u300b Q/711 ZD YZ201-2021v1. 0 2 3 \u672f\u8bed\u548c\u5b9a\u4e49 3. 1 GB/T19000 \u786e\u7acb\u7684\u672f\u8bed\u548c\u5b9a\u4e49\u9002\u7528\u4e8e\u672c\u6807\u51c6\u3002 3. 2 \u672c\u7ec4\u7ec7\uff08\u4e8b\u4e1a\u90e8\uff09\uff1a\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u516c\u53f8\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u7814\u7a76\u6240\u6240\uff08\u4e0a\u6d77\u9f50\u8000\u91cd\u5de5\u6709\u9650\u516c \u53f8\uff09\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u3001\u4e0a\u6d77\u4f17\u60e0\u81ea\u52a8\u5316\u5de5\u7a0b\u6280\u672f\u6709\u9650\u516c\u53f8\u3002\n</details><details> <summary>\u51fa\u5904 [2] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\n4 \u4fdd\u7559\u6210\u6587\u4fe1\u606f\uff0c\u4f5c\u4e3a\u4e0b\u5217\u4e8b\u9879\u7684\u8bc1\u636e\uff1a 1) \u4e0d\u7b26\u5408\u7684\u6027\u8d28\u4ee5\u53ca\u968f\u540e\u6240\u91c7\u53d6\u7684\u63aa\u65bd\uff1b 2) \u7ea0\u6b63\u3001\u9884\u9632\u63aa\u65bd\u7684\u7ed3\u679c\u3002 10. 2. 5 \u652f\u6301\u6027\u6587\u4ef6 Q/7ll ZD YZ254 2021\u300a\u4e0d\u5408\u683c\u548c\u7ea0\u6b63\u63aa\u65bd\u7ba1\u7406\u7a0b\u5e8f\u300b Q/7ll ZD YZ253 2021\u300a\u4e0d\u5408\u683c\u54c1\u63a7\u5236\u7a0b\u5e8f\u300b Q/711 ZD YZ201 2021 v1. 0 43 \u9644\u5f55\u4e00 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ec4\u7ec7\u673a\u6784\u56fe \u56fe 9 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ec4\u7ec7\u673a\u6784\u56fe \u603b\u7ecf\u7406 \u7ba1\u7406\u8005 \u4ee3\u8868 \u5206\u7ba1 \u526f\u603b \u8d28 \u91cf \n</details><details> <summary>\u51fa\u5904 [3] Q711 ZD YZ204-2021.pdf</summary>\n\u51e1\u662f\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u4ec5\u6ce8\u65e5\u671f\u7684\u7248 \u672c\u9002\u7528\u4e8e\u672c\u6587\u4ef6\u3002 \u51e1\u662f\u4e0d\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u5176\u6700\u65b0\u7248\u672c\uff08\u5305\u62ec\u6240\u6709\u7684\u4fee\u6539\u5355\uff09\u9002\u7528\u4e8e \u672c\u6587\u4ef6\u3002 GB/T 19001-2016/ISO9001:2015 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb \u8981\u6c42 \u6240\u7efc\u89c4[2016]212 \u9f50\u8000\u96c6\u56e2\u5236\u5ea6\u7ba1\u7406\u529e\u6cd5 \u6240\u7efc\u529e\u89c4[2013]188 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u516c\u6587\u5904\u7406\u7ba1\u7406\u529e\u6cd5 Q/711 ZD YZ212-2021 \u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8f Q/711 YZ212. Z03 \u8bbe\u8ba1\u66f4\u6539\u5b9e\u65bd\u7ec6\u5219 \u6240\u529e\u89c4[2002]325 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u6863\u6848\u7ba1\u7406\u5236\u5ea6 \u6240\u7efc\u529e\u89c4[2012]306 \n</details><details> <summary>\u51fa\u5904 [4] Q711 ZD YZ212-2021\u8bbe\u8ba1\u548c\u5f00\u53d1\u63a7\u5236\u7a0b\u5e8fv1.0.pdf</summary>\n\u5458 Q/711 ZD YZ212 2021 13 \u8bbe\u8ba1\u8bc4\u5ba1\u6587\u4ef6 \u8868 A. 1 \u8bbe\u8ba1\u8bc4\u5ba1\u62a5\u544a ZD YZ212 02A \u8bbe\u8ba1\u8bc4\u5ba1\u62a5\u544a \uff08\u8bc4\u5ba1\u7c7b\u578b\uff09 \u4ea7\u54c1\uff08\u9879\u76ee\uff09\u4ee3\u53f7\uff1a \uff08\u5de5\u4f5c\u4ee4\u53f7\uff09 \u4ea7\u54c1\uff08\u9879\u76ee\uff09\u540d\u79f0\uff1a \u627f\u5236\u90e8\u95e8\u4e3b\u7ba1\u9886\u5bfc\uff1a \u4e2d\u56fd\u8239\u8236\u91cd\u5de5\u96c6\u56e2\u516c\u53f8\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u5e74 \u6708 \u65e5 Q/711 ZD YZ212\uff0d2021 14 \u8868 A. 2 \u8bbe\u8ba1\u8bc4\u5ba1\u62a5\u544a\uff08\u7eed\uff09 ZD YZ212 02A \u9879\u76ee\u540d\u79f0 \u4ea7\u54c1\u540d\u79f0 \u8bc4\u5ba1\u9636\u6bb5 \u8bc4\u5ba1\u7ea7\u522b \u4e3b\u529e\u5355\u4f4d \u627f\u529e\u90e8\u95e8 \n</details>"], ["\u4f60\u77e5\u9053\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u5417\uff1f", "\u6211\u4e86\u89e3\u5230\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u662f\u4e00\u5bb6\u4f4d\u4e8e\u4e2d\u56fd\u7684\u5b66\u9662\uff0c\u63d0\u4f9b\u7ecf\u6d4e\u5b66\u548c\u7ba1\u7406\u5b66\u9886\u57df\u7684\u6559\u80b2\u548c\u57f9\u8bad\u3002\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u662f\u4e00\u5bb6\u5177\u6709\u8f83\u957f\u5386\u53f2\u7684\u5b66\u9662\uff0c\u6210\u7acb\u4e8e 1992 \u5e74\u3002\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u4f4d\u4e8e\u4e0a\u6d77\u5e02\uff0c\u8bbe\u6709\u591a\u4e2a\u5b66\u9662\u548c\u7814\u7a76\u4e2d\u5fc3\uff0c\u63d0\u4f9b\u672c\u79d1\u3001\u7855\u58eb\u548c\u535a\u58eb\u8bfe\u7a0b\u3002\u6b64\u5916\uff0c\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u8fd8\u4e0e\u56fd\u5185\u5916\u77e5\u540d\u9ad8\u6821\u548c\u7814\u7a76\u673a\u6784\u5408\u4f5c\uff0c\u4e3a\u5b66\u751f\u63d0\u4f9b\u5e7f\u9614\u7684\u4ea4\u6d41\u548c\u5408\u4f5c\u673a\u4f1a\u3002</p>"], ["\u662f\u5c5e\u4e8e\u54ea\u4e2a\u5b66\u6821\u7684\uff1f", "\u5b89\u6cf0\u7ecf\u6d4e\u7ba1\u7406\u5b66\u9662\u662f\u5c5e\u4e8e\u4e0a\u6d77\u5b89\u6cf0\u5927\u5b66\u65d7\u4e0b\u7684\u4e8c\u7ea7\u5b66\u9662\u3002"]]
flagged/component 2/tmp1vo5_fsv.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u7684\u7528\u9014\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0cSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u662f\u4e00\u79cd\u7528\u4e8e\u5bf9\u4e34\u5e8a\u6837\u672c\u7684SHOX2\u548cPTGER4\u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\u7684\u8bd5\u5242\u76d2\u3002\u5b83\u7684\u7528\u9014\u662f\u8fdb\u884cPCR\u8367\u5149\u6cd5\u68c0\u6d4b\uff0c\u4ee5\u786e\u5b9a\u6837\u672c\u4e2dSHOX2\u548cPTGER4\u57fa\u56e0\u7684\u7532\u57fa\u5316\u72b6\u6001\u3002\u8bd5\u5242\u76d2\u7684\u9633\u6027\u5224\u65ad\u503c\u662f26\u2264Ct\u503c\u226429\uff0c\u5e76\u4e14\u53ef\u4ee5\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u9608\u503c\u7ebf\u6765\u4f7f\u9633\u6027\u5bf9\u7167\u7684FAM\u548cROX\u901a\u9053Ct\u503c\u63a5\u8fd128\u3002\u6b64\u5916\uff0c\u8bd5\u5242\u76d2\u8fd8\u53ef\u4ee5\u7528\u4e8e\u68c0\u6d4b\u4e0d\u540c\u4eea\u5668\u7684Ct\u503c\uff0c\u4ee5\u786e\u4fdd\u9633\u6027\u5bf9\u7167\u7684Ct\u503c\u5728\u540c\u4e00\u4eea\u5668\u4e0a\u5c3d\u53ef\u80fd\u63a5\u8fd128\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u9634\u6027\u5bf9\u7167\uff08NC\uff09Ct \u503c\u4e0d\u51fa\u73b0\u4efb\u4f55\u6570\u503c\u3002 \u8fdb \u4e00\u6b65\u5206\u6790\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\uff0c\u4f7f\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\u6ee1\u8db3 26\u2264Ct \u503c\u226429\uff1b \u4e0d\u540c\u4eea \u5668\u4e0a\u5c3d\u53ef\u80fd\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u201c\u9608\u503c\u7ebf\u201d\uff0c\u4f7f\u5f97\u9633\u6027\u5bf9\u7167\u7684 FAM \u548c ROX \u901a\u9053 Ct \u503c\u5747\u63a5\u8fd1 28\u3002 \u3010\u9633\u6027\u5224\u65ad\u503c\u3011 \u4f7f\u7528\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u5bf9\u4e34\u5e8a \u6837\u672c\u7684 SHOX2 \u548c PTGER4 \u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\uff0c \u5168\u90e8\u4e34\u5e8a\u6837\u672c\u7684 ACTB \u57fa \u56e0 Ct \u503c\u8303\u56f4\u662f 24. 24~42. 00 \u4e4b\u95f4\uff0c\u53d6 97.\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\nS8 PC P8 PC \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 3 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 2. \u4e3a\u4e86\u907f\u514d\u6837\u672c\u4e2d\u4efb\u4f55\u6f5c\u5728\u7684\u751f\u7269\u5371\u9669\uff0c\u8bd5\u5242\u76d2\u7ec4\u5206\u53ca\u68c0\u6d4b\u6837\u54c1\u5e94\u89c6\u4e3a\u5177\u6709 \u4f20\u67d3\u6027\u7269\u8d28\uff0c\u907f\u514d\u63a5\u89e6\u5230\u76ae\u80a4\u548c\u7c98\u819c\u3002\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n51% 3. 88% \u98df\u7ba1\u764c \u6dcb\u5df4\u764c 2. 42% 3. 88% \u5b50\u5bab\u4f53\u764c \u8111\u764c 2. 32% 3. 21% \u8111\u764c \u6570\u636e\u6765\u81ea\uff1a2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u80ba\u7ef4\u6b23TM\u4e34\u5e8a\u7533\u62a5\u8fdb\u5ea6 \u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23 PROLUNGCA\u6c5f\u82cf \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u68c0\u9a8c\u62a5\u544a \u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u6c5f\u82cf\u7701\u533b\u7597\u5668\u68b0\u68c0\u9a8c\u6240 24\u6d4b\u8bd5/\u76d2 Test Report (2020\uff09QW \u79f0 \u89c4\u683c\u578b\u53f7 Specifications \u68c0\u9a8c\u7c7b\u522b \u59d4\u6258\u5355\u4f4d\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a \u4f26\u7406\u5ba1\u67e5\u610f\u89c1 \u610f\u89c1\u53f7 XYFY2020 QL131 01 \u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u7814\u7a76\u673a\u6784 \u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662 \u7814\u7a76\u79d1\u5ba4 \u75c5\u7406\u79d1 \u4e3b\u8981\u7814\u7a76\u8005 \u5218\u6167 \u804c\u79f0 \u4e3b\u4efb\u533b\u5e08 \u5ba1\u67e5\u7c7b\u522b \u521d\u59cb\u5ba1\u67e5 \u5ba1\u67e5\u65b9\u5f0f \u5feb\u901f\u5ba1\u67e5 2020 11 23,\n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n20\u3001\u7814\u7a76\u8005\u4fdd\u8bc1\u6240\u63d0\u4f9b\u8d44\u6599\u771f\u5b9e\u6027\u7684\u58f0\u660e \u5ba1\u67e5\u610f\u89c1\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a BeijingHaidianHospital MedicalEthics Committee \u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd/\u6279\u4ef6 \uff082020\uff09\u836f/\u533b\u4f26\u5ba1\u7b2c\uff0845\uff09\u53f7 \u9879\u76ee\u7f16\u53f7 2020005 \u4e34\u5e8a\u8bd5\u9a8c\u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u56e2\u836f\u7269/\u5668\u68b0\u4e34\u5e8a\u8bd5\u9a8c \u53e3\u529f\u80fd\u98df\u54c1/\u4fdd\u5065\u54c1 \u53e3\u7814\u7a76\u8005\u81ea\u53d1 \u9879\u76ee\u6765\u6e90 \u53e3\u4f01\u4e1a\u8d44\u52a9 \u53e3\u6a2a\u5411\u5408\u4f5c \u53e3\u5728\u7814\u8bfe\u9898 \u53e3\u8bfe\u9898\u7533\u62a5\uff1a \n</details>"], ["\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA\u7684\u65b9\u6cd5\u662f\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u751f\u4ea7\u7684\u8bd5\u5242\u76d2\u53ef\u4ee5\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684\u7532\u57fa\u5316\u3002\u8be5\u8bd5\u5242\u76d2\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669\u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002\u68c0\u6d4b\u4e3b\u8981\u68c0\u6d4b\u6b65\u9aa4\u5305\u62ec\u5916\u5468\u8840\u6e38\u79bb DNA\uff08cell free DNA, cfDNA\uff09\u7684\u63d0\u53d6\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u548c\u57fa\u4e8e\u963b\u65ad\u63a2\u9488\u7684\u5b9e\u65f6\u8367\u5149 PCR \u6269\u589e\u3002\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u662f\u5229\u7528\u4e9a\u786b\u9178\u6c22\u76d0\u4f7f\u672a\u7532\u57fa\u5316\u7684 C \u78b1\u57fa\u8f6c\u6362\u4e3a U \u78b1\u57fa\uff0c\u5728 PCR \u6269\u589e\u8fc7\u7a0b\u4e2d\uff0c\u53ef\u4ee5\u68c0\u6d4b\u5230 SHOX2 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002\u56e0\u6b64\uff0c\u8be5\u65b9\u6cd5\u53ef\u4ee5\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684\u7532\u57fa\u5316\u60c5\u51b5\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \u6d4b\u8bd5/\u76d2 \u3010\u9884\u671f\u7528\u9014\u3011 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684 SHOX2 \u57fa\u56e0 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669 \u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002 \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9633\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u786e\u8bca\u539f\u53d1\u6027 \u80ba\u764c\uff0c \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u6392\u9664\u539f\u53d1\u6027\u80ba\u764c\uff0c\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u9a8c\u64cd\u4f5c\u4eba\u5458\u5e94\u63a5\u53d7\u8fc7\u57fa\u56e0\u6269\u589e\u6216\u5206\u5b50\u751f\u7269\u5b66\u68c0\u6d4b\u6280\u672f\u7684\u4e13\u4e1a\u57f9\u8bad\uff0c\u5177 \u5907\u76f8\u5173\u7684\u5b9e\u9a8c\u64cd\u4f5c\u8d44\u683c\uff0c\u5b9e\u9a8c\u5ba4\u5e94\u5177\u5907\u5408\u7406\u7684\u751f\u7269\u5b89\u5168\u9632\u5907\u8bbe\u65bd\u53ca\u9632\u62a4\u7a0b \u5e8f\u3002 \u3010\u68c0\u9a8c\u539f\u7406\u3011 \u672c\u8bd5\u5242\u76d2\u68c0\u6d4b\u4e3b\u8981\u68c0\u6d4b\u6b65\u9aa4\u6709\u5916\u5468\u8840\u6e38\u79bb DNA \uff08cell free DNA, cfDNA\uff09\u7684\u63d0\u53d6\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u548c\u57fa\u4e8e\u963b\u65ad\u63a2\u9488\u7684\u5b9e\u65f6\u8367\u5149 PCR \u6269\u589e\u3002 \u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u662f\u5229\u7528\u4e9a\u786b\u9178\u6c22\u76d0\u4f7f\u672a\u7532\u57fa\u5316\u7684 C \u78b1\u57fa\u8f6c\u6362\u4e3a U \u78b1 \u57fa\uff0c \u5728 PCR \u6269\u589e\u8fc7\u7a0b\u4e2d \uff0c\n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \u6d4b\u8bd5/\u76d2 \u3010\u9884\u671f\u7528\u9014\u3011 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684 SHOX2 \u57fa\u56e0 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669 \u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002 \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9633\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u786e\u8bca\u539f\u53d1\u6027 \u80ba\u764c\uff0c \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u6392\u9664\u539f\u53d1\u6027\u80ba\u764c\uff0c\n</details><details> <summary>\u51fa\u5904 [4] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u9a8c\u64cd\u4f5c\u4eba\u5458\u5e94\u63a5\u53d7\u8fc7\u57fa\u56e0\u6269\u589e\u6216\u5206\u5b50\u751f\u7269\u5b66\u68c0\u6d4b\u6280\u672f\u7684\u4e13\u4e1a\u57f9\u8bad\uff0c\u5177 \u5907\u76f8\u5173\u7684\u5b9e\u9a8c\u64cd\u4f5c\u8d44\u683c\uff0c\u5b9e\u9a8c\u5ba4\u5e94\u5177\u5907\u5408\u7406\u7684\u751f\u7269\u5b89\u5168\u9632\u5907\u8bbe\u65bd\u53ca\u9632\u62a4\u7a0b \u5e8f\u3002 \u3010\u68c0\u9a8c\u539f\u7406\u3011 \u672c\u8bd5\u5242\u76d2\u68c0\u6d4b\u4e3b\u8981\u68c0\u6d4b\u6b65\u9aa4\u6709\u5916\u5468\u8840\u6e38\u79bb DNA \uff08cell free DNA, cfDNA\uff09\u7684\u63d0\u53d6\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u548c\u57fa\u4e8e\u963b\u65ad\u63a2\u9488\u7684\u5b9e\u65f6\u8367\u5149 PCR \u6269\u589e\u3002 \u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u662f\u5229\u7528\u4e9a\u786b\u9178\u6c22\u76d0\u4f7f\u672a\u7532\u57fa\u5316\u7684 C \u78b1\u57fa\u8f6c\u6362\u4e3a U \u78b1 \u57fa\uff0c \u5728 PCR \u6269\u589e\u8fc7\u7a0b\u4e2d\uff0c\n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n \u5546\u4e1a\u6a21\u5f0f \u533b\u9662 \u5176\u4e2d\u4e09\u7532\u533b\u9662\u7ea6800\u5bb6 33009\u5bb6 \u533b\u5b66\u68c0\u9a8c\u6240 \u5176\u4e2d\u91cd\u70b9\u5ba2\u623710\u5bb6 1200\u5bb6 \u4f53\u68c0\u4e2d\u5fc3 \u5176\u4e2d\u91cd\u70b9\u8fde\u9501\u4f53\u68c0\u4e2d\u5fc310\u5bb6 \u533b\u9662\u4f53\u68c0\u4e2d\u5fc3800\u4f59\u5bb6 1000\u5bb6 \u533b\u9662 \u60a3\u8005 \u4f53\u68c0\u4e2d\u5fc3 DNA\u68c0\u6d4b \u5206\u6790\u62a5\u544a \u533b\u5b66\u68c0\u9a8c\u6240 \u9ad8\u6821\u7814\u7a76\u9662\u6240 \u76ee\u6807\u5ba2\u6237 + 8B\u8d22\u52a1\u53ca\u80a1\u6743\u878d\u8d44 PART \\ 04 HNLeNG\u76ee\u524d\u80a1\u6743\u7ed3\u6784 60% \u5b89\u5fbd\u9f99\u8109\u5fb7\u86cb \u767d\u7ec4\u5b66\u7814\u53d1\u6709 \u9650\u516c\u53f8 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0 \u533b\u5b66\u68c0\u9a8c\u5b9e\u9a8c \u5ba4\u6709\u9650\u516c\u53f8 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u7684\u7ec4\u6210\u662f\uff1f", "<p>\u8be5\u8bd5\u5242\u76d2\u4e3b\u8981\u7531\u4ee5\u4e0b\u7ec4\u5206\u6784\u6210\uff1a</p>\n<ol>\n<li>SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u7684\u5f15\u7269\u63a2\u9488\u3002</li>\n<li>\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408\u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002</li>\n<li>\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269\u63a2\u9488\uff0c\u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c\u7528\u4e8e\u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002</li>\n<li>\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u7528\u4e8e\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u7684\u540c\u65f6\u68c0\u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002</li>\n</ol>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n1 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \u6d4b\u8bd5/\u76d2 \u3010\u9884\u671f\u7528\u9014\u3011 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684 SHOX2 \u57fa\u56e0 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669 \u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u5b9e\u9a8c\u65f6\u5bf9\u6837\u672c\u7684\u8981\u6c42\u662f\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u8bd5\u5242\u76d2\u7684\u5b9e\u9a8c\u65f6\u5bf9\u6837\u672c\u7684\u8981\u6c42\u5305\u62ec\u4ee5\u4e0b\u51e0\u70b9\uff1a</p>\n<ol>\n<li>\u6837\u672c\u9700\u8981\u63d0\u53d6\u5916\u5468\u8840\u6e38\u79bb DNA\uff08cell free DNA, cfDNA\uff09\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u8fdb\u884c\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\uff0c\u4ee5\u4fbf\u8fdb\u884c\u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u5305\u542b SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u7684\u5f15\u7269\u63a2\u9488\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u5305\u542b\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408\u9176\u3001dNTPs \u7b49\u6210\u5206\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269\u63a2\u9488\u3002</li>\n<li>\u5185\u5bf9\u7167\u63a2\u9488\u9700\u8981 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\u3002</li>\n<li>\u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0\u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002</li>\n</ol>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u7684\u50a8\u5b58\u6761\u4ef6\u53ca\u6709\u6548\u671f\u662f\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u8bd5\u5242\u76d2\u7684\u50a8\u5b58\u6761\u4ef6\u4e3a\u907f\u5149\u3001\u4f4e\u6e29\uff084\u2103-8\u2103\uff09\uff0c\u6709\u6548\u671f\u4e3a24\u4e2a\u6708\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u56e0\u6b64\u53ef\u7ed3\u5408 Taqman \u63a2\u9488\u591a\u91cd\u5b9e\u65f6\u8367\u5149 PCR \u6280\u672f\u68c0\u6d4b\u7532\u57fa\u5316 DNA \u5e8f\u5217\u3002 \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u56e0\u6b64\u53ef\u7ed3\u5408 Taqman \u63a2\u9488\u591a\u91cd\u5b9e\u65f6\u8367\u5149 PCR \u6280\u672f\u68c0\u6d4b\u7532\u57fa\u5316 DNA \u5e8f\u5217\u3002 \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u8bd5\u5242\u76d2\u7684\u53c2\u8003\u6587\u732e\u6709\uff1a</p>\n<ol>\n<li>\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u3002</li>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab\u60c5\u7814\u5236\u7684\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002</li>\n</ol>\n<p>\u4ee5\u4e0a\u4fe1\u606f\u65e0\u6cd5\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u5185\u5bb9\uff0c\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u7684\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0cSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u7684\u8bf4\u660e\u4e66\u53c2\u8003\u6587\u732e\u6709\uff1a</p>\n<ol>\n<li>SHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66\u3002</li>\n<li>\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u3002</li>\n<li>\u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</li>\n<li>2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u3002</li>\n<li>\u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b\uff0c\u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea\u3002</li>\n<li>\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u3002</li>\n<li>\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd\u3002</li>\n</ol>\n<p>\u4ee5\u4e0a\u53c2\u8003\u6587\u732e\u65e0\u6cd5\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u5185\u5bb9\uff0c\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u9634\u6027\u5bf9\u7167\uff08NC\uff09Ct \u503c\u4e0d\u51fa\u73b0\u4efb\u4f55\u6570\u503c\u3002 \u8fdb \u4e00\u6b65\u5206\u6790\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\uff0c\u4f7f\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\u6ee1\u8db3 26\u2264Ct \u503c\u226429\uff1b \u4e0d\u540c\u4eea \u5668\u4e0a\u5c3d\u53ef\u80fd\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u201c\u9608\u503c\u7ebf\u201d\uff0c\u4f7f\u5f97\u9633\u6027\u5bf9\u7167\u7684 FAM \u548c ROX \u901a\u9053 Ct \u503c\u5747\u63a5\u8fd1 28\u3002 \u3010\u9633\u6027\u5224\u65ad\u503c\u3011 \u4f7f\u7528\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u5bf9\u4e34\u5e8a \u6837\u672c\u7684 SHOX2 \u548c PTGER4 \u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\uff0c \u5168\u90e8\u4e34\u5e8a\u6837\u672c\u7684 ACTB \u57fa \u56e0 Ct \u503c\u8303\u56f4\u662f 24. 24~42. 00 \u4e4b\u95f4\uff0c\u53d6 97.\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\nS8 PC P8 PC \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 3 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 2. \u4e3a\u4e86\u907f\u514d\u6837\u672c\u4e2d\u4efb\u4f55\u6f5c\u5728\u7684\u751f\u7269\u5371\u9669\uff0c\u8bd5\u5242\u76d2\u7ec4\u5206\u53ca\u68c0\u6d4b\u6837\u54c1\u5e94\u89c6\u4e3a\u5177\u6709 \u4f20\u67d3\u6027\u7269\u8d28\uff0c\u907f\u514d\u63a5\u89e6\u5230\u76ae\u80a4\u548c\u7c98\u819c\u3002\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n51% 3. 88% \u98df\u7ba1\u764c \u6dcb\u5df4\u764c 2. 42% 3. 88% \u5b50\u5bab\u4f53\u764c \u8111\u764c 2. 32% 3. 21% \u8111\u764c \u6570\u636e\u6765\u81ea\uff1a2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u80ba\u7ef4\u6b23TM\u4e34\u5e8a\u7533\u62a5\u8fdb\u5ea6 \u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23 PROLUNGCA\u6c5f\u82cf \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u68c0\u9a8c\u62a5\u544a \u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u6c5f\u82cf\u7701\u533b\u7597\u5668\u68b0\u68c0\u9a8c\u6240 24\u6d4b\u8bd5/\u76d2 Test Report (2020\uff09QW \u79f0 \u89c4\u683c\u578b\u53f7 Specifications \u68c0\u9a8c\u7c7b\u522b \u59d4\u6258\u5355\u4f4d\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a \u4f26\u7406\u5ba1\u67e5\u610f\u89c1 \u610f\u89c1\u53f7 XYFY2020 QL131 01 \u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u7814\u7a76\u673a\u6784 \u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662 \u7814\u7a76\u79d1\u5ba4 \u75c5\u7406\u79d1 \u4e3b\u8981\u7814\u7a76\u8005 \u5218\u6167 \u804c\u79f0 \u4e3b\u4efb\u533b\u5e08 \u5ba1\u67e5\u7c7b\u522b \u521d\u59cb\u5ba1\u67e5 \u5ba1\u67e5\u65b9\u5f0f \u5feb\u901f\u5ba1\u67e5 2020 11 23,\n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n20\u3001\u7814\u7a76\u8005\u4fdd\u8bc1\u6240\u63d0\u4f9b\u8d44\u6599\u771f\u5b9e\u6027\u7684\u58f0\u660e \u5ba1\u67e5\u610f\u89c1\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a BeijingHaidianHospital MedicalEthics Committee \u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd/\u6279\u4ef6 \uff082020\uff09\u836f/\u533b\u4f26\u5ba1\u7b2c\uff0845\uff09\u53f7 \u9879\u76ee\u7f16\u53f7 2020005 \u4e34\u5e8a\u8bd5\u9a8c\u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u56e2\u836f\u7269/\u5668\u68b0\u4e34\u5e8a\u8bd5\u9a8c \u53e3\u529f\u80fd\u98df\u54c1/\u4fdd\u5065\u54c1 \u53e3\u7814\u7a76\u8005\u81ea\u53d1 \u9879\u76ee\u6765\u6e90 \u53e3\u4f01\u4e1a\u8d44\u52a9 \u53e3\u6a2a\u5411\u5408\u4f5c \u53e3\u5728\u7814\u8bfe\u9898 \u53e3\u8bfe\u9898\u7533\u62a5\uff1a \n</details>"], ["SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0cSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\uff1a</p>\n<ol>\n<li>SHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66\u3002</li>\n<li>\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u3002</li>\n<li>\u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</li>\n<li>2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u3002</li>\n<li>\u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b\uff0c\u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea\u3002</li>\n<li>\u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23\u3002</li>\n<li>\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u3002</li>\n<li>\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd\u3002</li>\n</ol>\n<p>\u4ee5\u4e0a\u53c2\u8003\u6587\u732e\u65e0\u6cd5\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u5185\u5bb9\uff0c\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u9634\u6027\u5bf9\u7167\uff08NC\uff09Ct \u503c\u4e0d\u51fa\u73b0\u4efb\u4f55\u6570\u503c\u3002 \u8fdb \u4e00\u6b65\u5206\u6790\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\uff0c\u4f7f\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\u6ee1\u8db3 26\u2264Ct \u503c\u226429\uff1b \u4e0d\u540c\u4eea \u5668\u4e0a\u5c3d\u53ef\u80fd\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u201c\u9608\u503c\u7ebf\u201d\uff0c\u4f7f\u5f97\u9633\u6027\u5bf9\u7167\u7684 FAM \u548c ROX \u901a\u9053 Ct \u503c\u5747\u63a5\u8fd1 28\u3002 \u3010\u9633\u6027\u5224\u65ad\u503c\u3011 \u4f7f\u7528\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u5bf9\u4e34\u5e8a \u6837\u672c\u7684 SHOX2 \u548c PTGER4 \u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\uff0c \u5168\u90e8\u4e34\u5e8a\u6837\u672c\u7684 ACTB \u57fa \u56e0 Ct \u503c\u8303\u56f4\u662f 24. 24~42. 00 \u4e4b\u95f4\uff0c\u53d6 97.\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\nS8 PC P8 PC \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 3 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 2. \u4e3a\u4e86\u907f\u514d\u6837\u672c\u4e2d\u4efb\u4f55\u6f5c\u5728\u7684\u751f\u7269\u5371\u9669\uff0c\u8bd5\u5242\u76d2\u7ec4\u5206\u53ca\u68c0\u6d4b\u6837\u54c1\u5e94\u89c6\u4e3a\u5177\u6709 \u4f20\u67d3\u6027\u7269\u8d28\uff0c\u907f\u514d\u63a5\u89e6\u5230\u76ae\u80a4\u548c\u7c98\u819c\u3002\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n51% 3. 88% \u98df\u7ba1\u764c \u6dcb\u5df4\u764c 2. 42% 3. 88% \u5b50\u5bab\u4f53\u764c \u8111\u764c 2. 32% 3. 21% \u8111\u764c \u6570\u636e\u6765\u81ea\uff1a2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u80ba\u7ef4\u6b23TM\u4e34\u5e8a\u7533\u62a5\u8fdb\u5ea6 \u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23 PROLUNGCA\u6c5f\u82cf \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u68c0\u9a8c\u62a5\u544a \u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u6c5f\u82cf\u7701\u533b\u7597\u5668\u68b0\u68c0\u9a8c\u6240 24\u6d4b\u8bd5/\u76d2 Test Report (2020\uff09QW \u79f0 \u89c4\u683c\u578b\u53f7 Specifications \u68c0\u9a8c\u7c7b\u522b \u59d4\u6258\u5355\u4f4d\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a \u4f26\u7406\u5ba1\u67e5\u610f\u89c1 \u610f\u89c1\u53f7 XYFY2020 QL131 01 \u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u7814\u7a76\u673a\u6784 \u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662 \u7814\u7a76\u79d1\u5ba4 \u75c5\u7406\u79d1 \u4e3b\u8981\u7814\u7a76\u8005 \u5218\u6167 \u804c\u79f0 \u4e3b\u4efb\u533b\u5e08 \u5ba1\u67e5\u7c7b\u522b \u521d\u59cb\u5ba1\u67e5 \u5ba1\u67e5\u65b9\u5f0f \u5feb\u901f\u5ba1\u67e5 2020 11 23,\n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n20\u3001\u7814\u7a76\u8005\u4fdd\u8bc1\u6240\u63d0\u4f9b\u8d44\u6599\u771f\u5b9e\u6027\u7684\u58f0\u660e \u5ba1\u67e5\u610f\u89c1\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a BeijingHaidianHospital MedicalEthics Committee \u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd/\u6279\u4ef6 \uff082020\uff09\u836f/\u533b\u4f26\u5ba1\u7b2c\uff0845\uff09\u53f7 \u9879\u76ee\u7f16\u53f7 2020005 \u4e34\u5e8a\u8bd5\u9a8c\u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u56e2\u836f\u7269/\u5668\u68b0\u4e34\u5e8a\u8bd5\u9a8c \u53e3\u529f\u80fd\u98df\u54c1/\u4fdd\u5065\u54c1 \u53e3\u7814\u7a76\u8005\u81ea\u53d1 \u9879\u76ee\u6765\u6e90 \u53e3\u4f01\u4e1a\u8d44\u52a9 \u53e3\u6a2a\u5411\u5408\u4f5c \u53e3\u5728\u7814\u8bfe\u9898 \u53e3\u8bfe\u9898\u7533\u62a5\uff1a \n</details>"], ["\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u901a\u5e38\u5305\u62ec\uff1a\n\n1. \u4ea7\u54c1\u8bf4\u660e\u4e66\uff1a\u8fd9\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u540d\u79f0\u3001\u578b\u53f7\u3001\u89c4\u683c\u3001\u6027\u80fd\u3001\u7528\u9014\u3001\u4f7f\u7528\u65b9\u6cd5\u3001\u6ce8\u610f\u4e8b\u9879\u3001\u751f\u4ea7\u5382\u5bb6\u3001\u751f\u4ea7\u65e5\u671f\u3001\u6279\u53f7\u3001\u6709\u6548\u671f\u7b49\u4fe1\u606f\u3002\n\n2. \u6280\u672f\u89c4\u683c\u4e66\uff1a\u8fd9\u662f\u4ea7\u54c1\u6280\u672f\u89c4\u683c\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u6280\u672f\u89c4\u683c\u3001\u6280\u672f\u8981\u6c42\u3001\u6280\u672f\u53c2\u6570\u3001\u6280\u672f\u6570\u636e\u7b49\u5185\u5bb9\u3002\n\n3. \u7528\u6237\u624b\u518c\uff1a\u8fd9\u662f\u4ea7\u54c1\u7528\u6237\u624b\u518c\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u4f7f\u7528\u8bf4\u660e\u3001\u64cd\u4f5c\u6307\u5357\u3001\u7ef4\u62a4\u4fdd\u517b\u3001\u6545\u969c\u6392\u9664\u7b49\u5185\u5bb9\u3002\n\n4. \u8bf4\u660e\u4e66\u4e2d\u7684\u56fe\u8868\uff1a\u8fd9\u4e9b\u56fe\u8868\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u91cd\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u7ed3\u6784\u56fe\u3001\u539f\u7406\u56fe\u3001\u6d41\u7a0b\u56fe\u3001\u793a\u610f\u56fe\u7b49\u3002\n\n5. \u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u53c2\u8003\u6587\u732e\uff1a\u8fd9\u4e9b\u53c2\u8003\u6587\u732e\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u91cd\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4e0e\u4ea7\u54c1\u76f8\u5173\u7684\u6587\u732e\u3001\u6cd5\u89c4\u3001\u6807\u51c6\u7b49\u3002\n\n6. \u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u5176\u4ed6\u8d44\u6599\uff1a\u8fd9\u4e9b\u8d44\u6599\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u5176\u4ed6\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u5b89\u5168\u6027\u8bc4\u4ef7\u3001\u6709\u6548\u6027\u8bc4\u4ef7\u3001\u4e34\u5e8a\u8bd5\u9a8c\u7ed3\u679c\u3001\u5e02\u573a\u8c03\u7814\u7ed3\u679c\u7b49\u3002\n\n\u5177\u4f53\u7684\u53c2\u8003\u6587\u732e\u5e94\u8be5\u6839\u636e\u4ea7\u54c1\u7684\u5b9e\u9645\u60c5\u51b5\u8fdb\u884c\u9009\u62e9\uff0c\u4ee5\u786e\u4fdd\u4ea7\u54c1\u7684\u8bf4\u660e\u4e66\u5185\u5bb9\u5b8c\u6574\u3001\u51c6\u786e\u3001\u53ef\u9760\u3002\n\n"]]
flagged/component 2/tmp1xaz54uv.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u7684\u7528\u9014\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0cSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u662f\u4e00\u79cd\u7528\u4e8e\u5bf9\u4e34\u5e8a\u6837\u672c\u7684SHOX2\u548cPTGER4\u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\u7684\u8bd5\u5242\u76d2\u3002\u5b83\u7684\u7528\u9014\u662f\u8fdb\u884cPCR\u8367\u5149\u6cd5\u68c0\u6d4b\uff0c\u4ee5\u786e\u5b9a\u6837\u672c\u4e2dSHOX2\u548cPTGER4\u57fa\u56e0\u7684\u7532\u57fa\u5316\u72b6\u6001\u3002\u8bd5\u5242\u76d2\u7684\u9633\u6027\u5224\u65ad\u503c\u662f26\u2264Ct\u503c\u226429\uff0c\u5e76\u4e14\u53ef\u4ee5\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u9608\u503c\u7ebf\u6765\u4f7f\u9633\u6027\u5bf9\u7167\u7684FAM\u548cROX\u901a\u9053Ct\u503c\u63a5\u8fd128\u3002\u6b64\u5916\uff0c\u8bd5\u5242\u76d2\u8fd8\u53ef\u4ee5\u7528\u4e8e\u68c0\u6d4b\u4e0d\u540c\u4eea\u5668\u7684Ct\u503c\uff0c\u4ee5\u786e\u4fdd\u9633\u6027\u5bf9\u7167\u7684Ct\u503c\u5728\u540c\u4e00\u4eea\u5668\u4e0a\u5c3d\u53ef\u80fd\u63a5\u8fd128\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u9634\u6027\u5bf9\u7167\uff08NC\uff09Ct \u503c\u4e0d\u51fa\u73b0\u4efb\u4f55\u6570\u503c\u3002 \u8fdb \u4e00\u6b65\u5206\u6790\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\uff0c\u4f7f\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\u6ee1\u8db3 26\u2264Ct \u503c\u226429\uff1b \u4e0d\u540c\u4eea \u5668\u4e0a\u5c3d\u53ef\u80fd\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u201c\u9608\u503c\u7ebf\u201d\uff0c\u4f7f\u5f97\u9633\u6027\u5bf9\u7167\u7684 FAM \u548c ROX \u901a\u9053 Ct \u503c\u5747\u63a5\u8fd1 28\u3002 \u3010\u9633\u6027\u5224\u65ad\u503c\u3011 \u4f7f\u7528\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u5bf9\u4e34\u5e8a \u6837\u672c\u7684 SHOX2 \u548c PTGER4 \u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\uff0c \u5168\u90e8\u4e34\u5e8a\u6837\u672c\u7684 ACTB \u57fa \u56e0 Ct \u503c\u8303\u56f4\u662f 24. 24~42. 00 \u4e4b\u95f4\uff0c\u53d6 97.\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\nS8 PC P8 PC \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 3 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 2. \u4e3a\u4e86\u907f\u514d\u6837\u672c\u4e2d\u4efb\u4f55\u6f5c\u5728\u7684\u751f\u7269\u5371\u9669\uff0c\u8bd5\u5242\u76d2\u7ec4\u5206\u53ca\u68c0\u6d4b\u6837\u54c1\u5e94\u89c6\u4e3a\u5177\u6709 \u4f20\u67d3\u6027\u7269\u8d28\uff0c\u907f\u514d\u63a5\u89e6\u5230\u76ae\u80a4\u548c\u7c98\u819c\u3002\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n51% 3. 88% \u98df\u7ba1\u764c \u6dcb\u5df4\u764c 2. 42% 3. 88% \u5b50\u5bab\u4f53\u764c \u8111\u764c 2. 32% 3. 21% \u8111\u764c \u6570\u636e\u6765\u81ea\uff1a2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u80ba\u7ef4\u6b23TM\u4e34\u5e8a\u7533\u62a5\u8fdb\u5ea6 \u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23 PROLUNGCA\u6c5f\u82cf \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u68c0\u9a8c\u62a5\u544a \u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u6c5f\u82cf\u7701\u533b\u7597\u5668\u68b0\u68c0\u9a8c\u6240 24\u6d4b\u8bd5/\u76d2 Test Report (2020\uff09QW \u79f0 \u89c4\u683c\u578b\u53f7 Specifications \u68c0\u9a8c\u7c7b\u522b \u59d4\u6258\u5355\u4f4d\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a \u4f26\u7406\u5ba1\u67e5\u610f\u89c1 \u610f\u89c1\u53f7 XYFY2020 QL131 01 \u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u7814\u7a76\u673a\u6784 \u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662 \u7814\u7a76\u79d1\u5ba4 \u75c5\u7406\u79d1 \u4e3b\u8981\u7814\u7a76\u8005 \u5218\u6167 \u804c\u79f0 \u4e3b\u4efb\u533b\u5e08 \u5ba1\u67e5\u7c7b\u522b \u521d\u59cb\u5ba1\u67e5 \u5ba1\u67e5\u65b9\u5f0f \u5feb\u901f\u5ba1\u67e5 2020 11 23,\n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n20\u3001\u7814\u7a76\u8005\u4fdd\u8bc1\u6240\u63d0\u4f9b\u8d44\u6599\u771f\u5b9e\u6027\u7684\u58f0\u660e \u5ba1\u67e5\u610f\u89c1\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a BeijingHaidianHospital MedicalEthics Committee \u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd/\u6279\u4ef6 \uff082020\uff09\u836f/\u533b\u4f26\u5ba1\u7b2c\uff0845\uff09\u53f7 \u9879\u76ee\u7f16\u53f7 2020005 \u4e34\u5e8a\u8bd5\u9a8c\u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u56e2\u836f\u7269/\u5668\u68b0\u4e34\u5e8a\u8bd5\u9a8c \u53e3\u529f\u80fd\u98df\u54c1/\u4fdd\u5065\u54c1 \u53e3\u7814\u7a76\u8005\u81ea\u53d1 \u9879\u76ee\u6765\u6e90 \u53e3\u4f01\u4e1a\u8d44\u52a9 \u53e3\u6a2a\u5411\u5408\u4f5c \u53e3\u5728\u7814\u8bfe\u9898 \u53e3\u8bfe\u9898\u7533\u62a5\uff1a \n</details>"], ["\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA\u7684\u65b9\u6cd5\u662f\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u751f\u4ea7\u7684\u8bd5\u5242\u76d2\u53ef\u4ee5\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684\u7532\u57fa\u5316\u3002\u8be5\u8bd5\u5242\u76d2\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669\u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002\u68c0\u6d4b\u4e3b\u8981\u68c0\u6d4b\u6b65\u9aa4\u5305\u62ec\u5916\u5468\u8840\u6e38\u79bb DNA\uff08cell free DNA, cfDNA\uff09\u7684\u63d0\u53d6\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u548c\u57fa\u4e8e\u963b\u65ad\u63a2\u9488\u7684\u5b9e\u65f6\u8367\u5149 PCR \u6269\u589e\u3002\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u662f\u5229\u7528\u4e9a\u786b\u9178\u6c22\u76d0\u4f7f\u672a\u7532\u57fa\u5316\u7684 C \u78b1\u57fa\u8f6c\u6362\u4e3a U \u78b1\u57fa\uff0c\u5728 PCR \u6269\u589e\u8fc7\u7a0b\u4e2d\uff0c\u53ef\u4ee5\u68c0\u6d4b\u5230 SHOX2 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002\u56e0\u6b64\uff0c\u8be5\u65b9\u6cd5\u53ef\u4ee5\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684\u7532\u57fa\u5316\u60c5\u51b5\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \u6d4b\u8bd5/\u76d2 \u3010\u9884\u671f\u7528\u9014\u3011 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684 SHOX2 \u57fa\u56e0 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669 \u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002 \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9633\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u786e\u8bca\u539f\u53d1\u6027 \u80ba\u764c\uff0c \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u6392\u9664\u539f\u53d1\u6027\u80ba\u764c\uff0c\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u9a8c\u64cd\u4f5c\u4eba\u5458\u5e94\u63a5\u53d7\u8fc7\u57fa\u56e0\u6269\u589e\u6216\u5206\u5b50\u751f\u7269\u5b66\u68c0\u6d4b\u6280\u672f\u7684\u4e13\u4e1a\u57f9\u8bad\uff0c\u5177 \u5907\u76f8\u5173\u7684\u5b9e\u9a8c\u64cd\u4f5c\u8d44\u683c\uff0c\u5b9e\u9a8c\u5ba4\u5e94\u5177\u5907\u5408\u7406\u7684\u751f\u7269\u5b89\u5168\u9632\u5907\u8bbe\u65bd\u53ca\u9632\u62a4\u7a0b \u5e8f\u3002 \u3010\u68c0\u9a8c\u539f\u7406\u3011 \u672c\u8bd5\u5242\u76d2\u68c0\u6d4b\u4e3b\u8981\u68c0\u6d4b\u6b65\u9aa4\u6709\u5916\u5468\u8840\u6e38\u79bb DNA \uff08cell free DNA, cfDNA\uff09\u7684\u63d0\u53d6\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u548c\u57fa\u4e8e\u963b\u65ad\u63a2\u9488\u7684\u5b9e\u65f6\u8367\u5149 PCR \u6269\u589e\u3002 \u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u662f\u5229\u7528\u4e9a\u786b\u9178\u6c22\u76d0\u4f7f\u672a\u7532\u57fa\u5316\u7684 C \u78b1\u57fa\u8f6c\u6362\u4e3a U \u78b1 \u57fa\uff0c \u5728 PCR \u6269\u589e\u8fc7\u7a0b\u4e2d \uff0c\n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \u6d4b\u8bd5/\u76d2 \u3010\u9884\u671f\u7528\u9014\u3011 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684 SHOX2 \u57fa\u56e0 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669 \u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002 \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9633\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u786e\u8bca\u539f\u53d1\u6027 \u80ba\u764c\uff0c \u672c\u4ea7\u54c1\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\u5e76\u4e0d\u8868\u793a\u53d7\u68c0\u8005\u5f53\u524d\u80fd\u591f\u6392\u9664\u539f\u53d1\u6027\u80ba\u764c\uff0c\n</details><details> <summary>\u51fa\u5904 [4] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u9a8c\u64cd\u4f5c\u4eba\u5458\u5e94\u63a5\u53d7\u8fc7\u57fa\u56e0\u6269\u589e\u6216\u5206\u5b50\u751f\u7269\u5b66\u68c0\u6d4b\u6280\u672f\u7684\u4e13\u4e1a\u57f9\u8bad\uff0c\u5177 \u5907\u76f8\u5173\u7684\u5b9e\u9a8c\u64cd\u4f5c\u8d44\u683c\uff0c\u5b9e\u9a8c\u5ba4\u5e94\u5177\u5907\u5408\u7406\u7684\u751f\u7269\u5b89\u5168\u9632\u5907\u8bbe\u65bd\u53ca\u9632\u62a4\u7a0b \u5e8f\u3002 \u3010\u68c0\u9a8c\u539f\u7406\u3011 \u672c\u8bd5\u5242\u76d2\u68c0\u6d4b\u4e3b\u8981\u68c0\u6d4b\u6b65\u9aa4\u6709\u5916\u5468\u8840\u6e38\u79bb DNA \uff08cell free DNA, cfDNA\uff09\u7684\u63d0\u53d6\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u548c\u57fa\u4e8e\u963b\u65ad\u63a2\u9488\u7684\u5b9e\u65f6\u8367\u5149 PCR \u6269\u589e\u3002 \u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u662f\u5229\u7528\u4e9a\u786b\u9178\u6c22\u76d0\u4f7f\u672a\u7532\u57fa\u5316\u7684 C \u78b1\u57fa\u8f6c\u6362\u4e3a U \u78b1 \u57fa\uff0c \u5728 PCR \u6269\u589e\u8fc7\u7a0b\u4e2d\uff0c\n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n \u5546\u4e1a\u6a21\u5f0f \u533b\u9662 \u5176\u4e2d\u4e09\u7532\u533b\u9662\u7ea6800\u5bb6 33009\u5bb6 \u533b\u5b66\u68c0\u9a8c\u6240 \u5176\u4e2d\u91cd\u70b9\u5ba2\u623710\u5bb6 1200\u5bb6 \u4f53\u68c0\u4e2d\u5fc3 \u5176\u4e2d\u91cd\u70b9\u8fde\u9501\u4f53\u68c0\u4e2d\u5fc310\u5bb6 \u533b\u9662\u4f53\u68c0\u4e2d\u5fc3800\u4f59\u5bb6 1000\u5bb6 \u533b\u9662 \u60a3\u8005 \u4f53\u68c0\u4e2d\u5fc3 DNA\u68c0\u6d4b \u5206\u6790\u62a5\u544a \u533b\u5b66\u68c0\u9a8c\u6240 \u9ad8\u6821\u7814\u7a76\u9662\u6240 \u76ee\u6807\u5ba2\u6237 + 8B\u8d22\u52a1\u53ca\u80a1\u6743\u878d\u8d44 PART \\ 04 HNLeNG\u76ee\u524d\u80a1\u6743\u7ed3\u6784 60% \u5b89\u5fbd\u9f99\u8109\u5fb7\u86cb \u767d\u7ec4\u5b66\u7814\u53d1\u6709 \u9650\u516c\u53f8 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0 \u533b\u5b66\u68c0\u9a8c\u5b9e\u9a8c \u5ba4\u6709\u9650\u516c\u53f8 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u7684\u7ec4\u6210\u662f\uff1f", "<p>\u8be5\u8bd5\u5242\u76d2\u4e3b\u8981\u7531\u4ee5\u4e0b\u7ec4\u5206\u6784\u6210\uff1a</p>\n<ol>\n<li>SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u7684\u5f15\u7269\u63a2\u9488\u3002</li>\n<li>\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408\u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002</li>\n<li>\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269\u63a2\u9488\uff0c\u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c\u7528\u4e8e\u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002</li>\n<li>\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u7528\u4e8e\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u7684\u540c\u65f6\u68c0\u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002</li>\n</ol>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n1 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \u6d4b\u8bd5/\u76d2 \u3010\u9884\u671f\u7528\u9014\u3011 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u4f53\u5916\u5b9a\u6027\u68c0\u6d4b\u4eba\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de DNA \u7684 SHOX2 \u57fa\u56e0 \u548c PTGER4 \u57fa\u56e0\u7684\u7532\u57fa\u5316\u3002 \u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u5df2\u786e\u8bca\u6709\u80f8\u90e8\u5f71\u50cf\u5b66\u6307\u5f81\u7684\u539f\u53d1\u6027\u80ba\u764c\u7591\u4f3c\u4eba\u7fa4\u75be\u75c5\u98ce\u9669 \u7684\u8fdb\u4e00\u6b65\u8bc4\u4f30\u3002\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u5b9e\u9a8c\u65f6\u5bf9\u6837\u672c\u7684\u8981\u6c42\u662f\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u8bd5\u5242\u76d2\u7684\u5b9e\u9a8c\u65f6\u5bf9\u6837\u672c\u7684\u8981\u6c42\u5305\u62ec\u4ee5\u4e0b\u51e0\u70b9\uff1a</p>\n<ol>\n<li>\u6837\u672c\u9700\u8981\u63d0\u53d6\u5916\u5468\u8840\u6e38\u79bb DNA\uff08cell free DNA, cfDNA\uff09\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u8fdb\u884c\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\uff0c\u4ee5\u4fbf\u8fdb\u884c\u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u5305\u542b SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u7684\u5f15\u7269\u63a2\u9488\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u5305\u542b\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408\u9176\u3001dNTPs \u7b49\u6210\u5206\u3002</li>\n<li>\u6837\u672c\u9700\u8981\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269\u63a2\u9488\u3002</li>\n<li>\u5185\u5bf9\u7167\u63a2\u9488\u9700\u8981 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\u3002</li>\n<li>\u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0\u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002</li>\n</ol>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u7684\u50a8\u5b58\u6761\u4ef6\u53ca\u6709\u6548\u671f\u662f\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u8bd5\u5242\u76d2\u7684\u50a8\u5b58\u6761\u4ef6\u4e3a\u907f\u5149\u3001\u4f4e\u6e29\uff084\u2103-8\u2103\uff09\uff0c\u6709\u6548\u671f\u4e3a24\u4e2a\u6708\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u56e0\u6b64\u53ef\u7ed3\u5408 Taqman \u63a2\u9488\u591a\u91cd\u5b9e\u65f6\u8367\u5149 PCR \u6280\u672f\u68c0\u6d4b\u7532\u57fa\u5316 DNA \u5e8f\u5217\u3002 \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u56e0\u6b64\u53ef\u7ed3\u5408 Taqman \u63a2\u9488\u591a\u91cd\u5b9e\u65f6\u8367\u5149 PCR \u6280\u672f\u68c0\u6d4b\u7532\u57fa\u5316 DNA \u5e8f\u5217\u3002 \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["\u8be5\u8bd5\u5242\u76d2\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u8bd5\u5242\u76d2\u7684\u53c2\u8003\u6587\u732e\u6709\uff1a</p>\n<ol>\n<li>\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u3002</li>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab\u60c5\u7814\u5236\u7684\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002</li>\n</ol>\n<p>\u4ee5\u4e0a\u4fe1\u606f\u65e0\u6cd5\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u5185\u5bb9\uff0c\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n \u5b9e\u65f6\u8367\u5149 PCR \u68c0\u6d4b\u662f\u6307\u5229\u7528\u5b9e\u65f6\u8367\u5149 PCR \u65b9\u6cd5\u7ed3\u5408\u4e0d\u540c\u8367\u5149\u6807\u8bb0\u7684 Taqman \u63a2\u9488\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u540e\u7684 DNA \u8fdb\u884c\u68c0\u6d4b\u3002 \u6839\u636e SHOX2 \u548c PTGER4 \u57fa\u56e0\u542f\u52a8\u5b50\u5bcc\u542b\u9ad8 CpG \u4e8c\u8054\u4f53\u7532\u57fa\u5316\u5e8f\u5217\u8bbe\u8ba1\u5f15\u7269\u63a2\u9488\uff0c \u63a2\u9488 5\u2019 \u7aef\u5206\u522b\u6807\u8bb0 FAM \u548c ROX \u8367\u5149\u7d20\uff0c \u7ed3\u5408\u5316\u5b66\u4fee\u9970\u7684\u70ed\u542f\u52a8 Taq DNA \u805a\u5408 \u9176\u3001dNTPs \u7b49\u6210\u5206\u5bf9\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u7684\u6838\u9178\u8fdb\u884c\u5b9a\u6027\u68c0\u6d4b\u3002 \u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \u4e3b \u8981 \u6210 \u5206 SHOX2 PCR \u53cd\u5e94\u6db2 348\u00b5L/\u7ba1 1 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u7684\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0cSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u7684\u8bf4\u660e\u4e66\u53c2\u8003\u6587\u732e\u6709\uff1a</p>\n<ol>\n<li>SHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66\u3002</li>\n<li>\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u3002</li>\n<li>\u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</li>\n<li>2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u3002</li>\n<li>\u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b\uff0c\u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea\u3002</li>\n<li>\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u3002</li>\n<li>\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd\u3002</li>\n</ol>\n<p>\u4ee5\u4e0a\u53c2\u8003\u6587\u732e\u65e0\u6cd5\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u5185\u5bb9\uff0c\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u9634\u6027\u5bf9\u7167\uff08NC\uff09Ct \u503c\u4e0d\u51fa\u73b0\u4efb\u4f55\u6570\u503c\u3002 \u8fdb \u4e00\u6b65\u5206\u6790\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\uff0c\u4f7f\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\u6ee1\u8db3 26\u2264Ct \u503c\u226429\uff1b \u4e0d\u540c\u4eea \u5668\u4e0a\u5c3d\u53ef\u80fd\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u201c\u9608\u503c\u7ebf\u201d\uff0c\u4f7f\u5f97\u9633\u6027\u5bf9\u7167\u7684 FAM \u548c ROX \u901a\u9053 Ct \u503c\u5747\u63a5\u8fd1 28\u3002 \u3010\u9633\u6027\u5224\u65ad\u503c\u3011 \u4f7f\u7528\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u5bf9\u4e34\u5e8a \u6837\u672c\u7684 SHOX2 \u548c PTGER4 \u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\uff0c \u5168\u90e8\u4e34\u5e8a\u6837\u672c\u7684 ACTB \u57fa \u56e0 Ct \u503c\u8303\u56f4\u662f 24. 24~42. 00 \u4e4b\u95f4\uff0c\u53d6 97.\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\nS8 PC P8 PC \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 3 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 2. \u4e3a\u4e86\u907f\u514d\u6837\u672c\u4e2d\u4efb\u4f55\u6f5c\u5728\u7684\u751f\u7269\u5371\u9669\uff0c\u8bd5\u5242\u76d2\u7ec4\u5206\u53ca\u68c0\u6d4b\u6837\u54c1\u5e94\u89c6\u4e3a\u5177\u6709 \u4f20\u67d3\u6027\u7269\u8d28\uff0c\u907f\u514d\u63a5\u89e6\u5230\u76ae\u80a4\u548c\u7c98\u819c\u3002\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n51% 3. 88% \u98df\u7ba1\u764c \u6dcb\u5df4\u764c 2. 42% 3. 88% \u5b50\u5bab\u4f53\u764c \u8111\u764c 2. 32% 3. 21% \u8111\u764c \u6570\u636e\u6765\u81ea\uff1a2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u80ba\u7ef4\u6b23TM\u4e34\u5e8a\u7533\u62a5\u8fdb\u5ea6 \u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23 PROLUNGCA\u6c5f\u82cf \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u68c0\u9a8c\u62a5\u544a \u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u6c5f\u82cf\u7701\u533b\u7597\u5668\u68b0\u68c0\u9a8c\u6240 24\u6d4b\u8bd5/\u76d2 Test Report (2020\uff09QW \u79f0 \u89c4\u683c\u578b\u53f7 Specifications \u68c0\u9a8c\u7c7b\u522b \u59d4\u6258\u5355\u4f4d\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a \u4f26\u7406\u5ba1\u67e5\u610f\u89c1 \u610f\u89c1\u53f7 XYFY2020 QL131 01 \u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u7814\u7a76\u673a\u6784 \u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662 \u7814\u7a76\u79d1\u5ba4 \u75c5\u7406\u79d1 \u4e3b\u8981\u7814\u7a76\u8005 \u5218\u6167 \u804c\u79f0 \u4e3b\u4efb\u533b\u5e08 \u5ba1\u67e5\u7c7b\u522b \u521d\u59cb\u5ba1\u67e5 \u5ba1\u67e5\u65b9\u5f0f \u5feb\u901f\u5ba1\u67e5 2020 11 23,\n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n20\u3001\u7814\u7a76\u8005\u4fdd\u8bc1\u6240\u63d0\u4f9b\u8d44\u6599\u771f\u5b9e\u6027\u7684\u58f0\u660e \u5ba1\u67e5\u610f\u89c1\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a BeijingHaidianHospital MedicalEthics Committee \u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd/\u6279\u4ef6 \uff082020\uff09\u836f/\u533b\u4f26\u5ba1\u7b2c\uff0845\uff09\u53f7 \u9879\u76ee\u7f16\u53f7 2020005 \u4e34\u5e8a\u8bd5\u9a8c\u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u56e2\u836f\u7269/\u5668\u68b0\u4e34\u5e8a\u8bd5\u9a8c \u53e3\u529f\u80fd\u98df\u54c1/\u4fdd\u5065\u54c1 \u53e3\u7814\u7a76\u8005\u81ea\u53d1 \u9879\u76ee\u6765\u6e90 \u53e3\u4f01\u4e1a\u8d44\u52a9 \u53e3\u6a2a\u5411\u5408\u4f5c \u53e3\u5728\u7814\u8bfe\u9898 \u53e3\u8bfe\u9898\u7533\u62a5\uff1a \n</details>"], ["SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0cSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\uff1a</p>\n<ol>\n<li>SHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66\u3002</li>\n<li>\u8bd5\u5242\u76d2\u4ea7\u54c1\u8bf4\u660e\u4e66\u3002</li>\n<li>\u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</li>\n<li>2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u3002</li>\n<li>\u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b\uff0c\u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea\u3002</li>\n<li>\u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23\u3002</li>\n<li>\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u3002</li>\n<li>\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a\u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd\u3002</li>\n</ol>\n<p>\u4ee5\u4e0a\u53c2\u8003\u6587\u732e\u65e0\u6cd5\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u5185\u5bb9\uff0c\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u9634\u6027\u5bf9\u7167\uff08NC\uff09Ct \u503c\u4e0d\u51fa\u73b0\u4efb\u4f55\u6570\u503c\u3002 \u8fdb \u4e00\u6b65\u5206\u6790\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\uff0c\u4f7f\u9633\u6027\u5bf9\u7167\u7684 Ct \u503c\u6ee1\u8db3 26\u2264Ct \u503c\u226429\uff1b \u4e0d\u540c\u4eea \u5668\u4e0a\u5c3d\u53ef\u80fd\u901a\u8fc7\u8c03\u6574\u4eea\u5668\u7684\u201c\u9608\u503c\u7ebf\u201d\uff0c\u4f7f\u5f97\u9633\u6027\u5bf9\u7167\u7684 FAM \u548c ROX \u901a\u9053 Ct \u503c\u5747\u63a5\u8fd1 28\u3002 \u3010\u9633\u6027\u5224\u65ad\u503c\u3011 \u4f7f\u7528\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u5bf9\u4e34\u5e8a \u6837\u672c\u7684 SHOX2 \u548c PTGER4 \u57fa\u56e0\u8fdb\u884c\u7532\u57fa\u5316\u68c0\u6d4b\uff0c \u5168\u90e8\u4e34\u5e8a\u6837\u672c\u7684 ACTB \u57fa \u56e0 Ct \u503c\u8303\u56f4\u662f 24. 24~42. 00 \u4e4b\u95f4\uff0c\u53d6 97.\n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\nS8 PC P8 PC \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 3 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 2. \u4e3a\u4e86\u907f\u514d\u6837\u672c\u4e2d\u4efb\u4f55\u6f5c\u5728\u7684\u751f\u7269\u5371\u9669\uff0c\u8bd5\u5242\u76d2\u7ec4\u5206\u53ca\u68c0\u6d4b\u6837\u54c1\u5e94\u89c6\u4e3a\u5177\u6709 \u4f20\u67d3\u6027\u7269\u8d28\uff0c\u907f\u514d\u63a5\u89e6\u5230\u76ae\u80a4\u548c\u7c98\u819c\u3002\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n51% 3. 88% \u98df\u7ba1\u764c \u6dcb\u5df4\u764c 2. 42% 3. 88% \u5b50\u5bab\u4f53\u764c \u8111\u764c 2. 32% 3. 21% \u8111\u764c \u6570\u636e\u6765\u81ea\uff1a2019\u5e74\u5168\u56fd\u6700\u65b0\u7684\u764c\u75c7\u62a5\u544a\u80ba\u7ef4\u6b23TM\u4e34\u5e8a\u7533\u62a5\u8fdb\u5ea6 \u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u80ba\u7ef4\u6b23 PROLUNGCA\u6c5f\u82cf \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u68c0\u9a8c\u62a5\u544a \u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u6c5f\u82cf\u7701\u533b\u7597\u5668\u68b0\u68c0\u9a8c\u6240 24\u6d4b\u8bd5/\u76d2 Test Report (2020\uff09QW \u79f0 \u89c4\u683c\u578b\u53f7 Specifications \u68c0\u9a8c\u7c7b\u522b \u59d4\u6258\u5355\u4f4d\u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a \u4f26\u7406\u5ba1\u67e5\u610f\u89c1 \u610f\u89c1\u53f7 XYFY2020 QL131 01 \u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u7814\u7a76\u673a\u6784 \u5f90\u5dde\u533b\u79d1\u5927\u5b66\u9644\u5c5e\u533b\u9662 \u7814\u7a76\u79d1\u5ba4 \u75c5\u7406\u79d1 \u4e3b\u8981\u7814\u7a76\u8005 \u5218\u6167 \u804c\u79f0 \u4e3b\u4efb\u533b\u5e08 \u5ba1\u67e5\u7c7b\u522b \u521d\u59cb\u5ba1\u67e5 \u5ba1\u67e5\u65b9\u5f0f \u5feb\u901f\u5ba1\u67e5 2020 11 23,\n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n20\u3001\u7814\u7a76\u8005\u4fdd\u8bc1\u6240\u63d0\u4f9b\u8d44\u6599\u771f\u5b9e\u6027\u7684\u58f0\u660e \u5ba1\u67e5\u610f\u89c1\u5317\u4eac\u5e02\u6d77\u6dc0\u533b\u9662\u533b\u5b66\u4f26\u7406\u59d4\u5458\u4f1a BeijingHaidianHospital MedicalEthics Committee \u5b66\u672f\u53ca\u4f26\u7406\u5ba1\u67e5\u610f\u89c1\u51fd/\u6279\u4ef6 \uff082020\uff09\u836f/\u533b\u4f26\u5ba1\u7b2c\uff0845\uff09\u53f7 \u9879\u76ee\u7f16\u53f7 2020005 \u4e34\u5e8a\u8bd5\u9a8c\u9879\u76ee\u540d\u79f0 \u4ebaSHOX2/PTGER4\u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR\u8367\u5149\u6cd5\uff09 \u56e2\u836f\u7269/\u5668\u68b0\u4e34\u5e8a\u8bd5\u9a8c \u53e3\u529f\u80fd\u98df\u54c1/\u4fdd\u5065\u54c1 \u53e3\u7814\u7a76\u8005\u81ea\u53d1 \u9879\u76ee\u6765\u6e90 \u53e3\u4f01\u4e1a\u8d44\u52a9 \u53e3\u6a2a\u5411\u5408\u4f5c \u53e3\u5728\u7814\u8bfe\u9898 \u53e3\u8bfe\u9898\u7533\u62a5\uff1a \n</details>"], ["\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "<p>\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u901a\u5e38\u5305\u62ec\uff1a</p></p>\n<ol>\n<li>\n<p>\u4ea7\u54c1\u8bf4\u660e\u4e66\uff1a\u8fd9\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u540d\u79f0\u3001\u578b\u53f7\u3001\u89c4\u683c\u3001\u6027\u80fd\u3001\u7528\u9014\u3001\u4f7f\u7528\u65b9\u6cd5\u3001\u6ce8\u610f\u4e8b\u9879\u3001\u751f\u4ea7\u5382\u5bb6\u3001\u751f\u4ea7\u65e5\u671f\u3001\u6279\u53f7\u3001\u6709\u6548\u671f\u7b49\u4fe1\u606f\u3002</p>\n</li>\n<li>\n<p>\u6280\u672f\u89c4\u683c\u4e66\uff1a\u8fd9\u662f\u4ea7\u54c1\u6280\u672f\u89c4\u683c\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u6280\u672f\u89c4\u683c\u3001\u6280\u672f\u8981\u6c42\u3001\u6280\u672f\u53c2\u6570\u3001\u6280\u672f\u6570\u636e\u7b49\u5185\u5bb9\u3002</p>\n</li>\n<li>\n<p>\u7528\u6237\u624b\u518c\uff1a\u8fd9\u662f\u4ea7\u54c1\u7528\u6237\u624b\u518c\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u4f7f\u7528\u8bf4\u660e\u3001\u64cd\u4f5c\u6307\u5357\u3001\u7ef4\u62a4\u4fdd\u517b\u3001\u6545\u969c\u6392\u9664\u7b49\u5185\u5bb9\u3002</p>\n</li>\n<li>\n<p>\u8bf4\u660e\u4e66\u4e2d\u7684\u56fe\u8868\uff1a\u8fd9\u4e9b\u56fe\u8868\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u91cd\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u7ed3\u6784\u56fe\u3001\u539f\u7406\u56fe\u3001\u6d41\u7a0b\u56fe\u3001\u793a\u610f\u56fe\u7b49\u3002</p>\n</li>\n<li>\n<p>\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u53c2\u8003\u6587\u732e\uff1a\u8fd9\u4e9b\u53c2\u8003\u6587\u732e\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u91cd\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4e0e\u4ea7\u54c1\u76f8\u5173\u7684\u6587\u732e\u3001\u6cd5\u89c4\u3001\u6807\u51c6\u7b49\u3002</p>\n</li>\n<li>\n<p>\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u5176\u4ed6\u8d44\u6599\uff1a\u8fd9\u4e9b\u8d44\u6599\u662f\u4ea7\u54c1\u8bf4\u660e\u4e66\u4e2d\u7684\u5176\u4ed6\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4ea7\u54c1\u7684\u5b89\u5168\u6027\u8bc4\u4ef7\u3001\u6709\u6548\u6027\u8bc4\u4ef7\u3001\u4e34\u5e8a\u8bd5\u9a8c\u7ed3\u679c\u3001\u5e02\u573a\u8c03\u7814\u7ed3\u679c\u7b49\u3002</p>\n</li>\n</ol>\n<p>\u5177\u4f53\u7684\u53c2\u8003\u6587\u732e\u5e94\u8be5\u6839\u636e\u4ea7\u54c1\u7684\u5b9e\u9645\u60c5\u51b5\u8fdb\u884c\u9009\u62e9\uff0c\u4ee5\u786e\u4fdd\u4ea7\u54c1\u7684\u8bf4\u660e\u4e66\u5185\u5bb9\u5b8c\u6574\u3001\u51c6\u786e\u3001\u53ef\u9760\u3002"], ["\u8be5\u68c0\u6d4b\u8bd5\u5242\u76d2\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8be5\u68c0\u6d4b\u8bd5\u5242\u76d2\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u5305\u62ec\uff1a</p></p>\n<ol>\n<li>\u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd\uff1a\u8fd9\u662f\u8bd5\u5242\u76d2\u8bf4\u660e\u4e66\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u8bd5\u5242\u76d2\u7684\u7ec4\u6210\u6210\u5206\u3001\u89c4\u683c\u3001\u6570\u91cf\u7b49\u4fe1\u606f\u3002</li>\n<li>\u4e34\u5e8a\u8bd5\u9a8c\u7ed3\u679c\uff1a\u8fd9\u662f\u8bd5\u5242\u76d2\u4e34\u5e8a\u8bd5\u9a8c\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u4e34\u5e8a\u8bd5\u9a8c\u7684\u7ed3\u679c\u3001\u7075\u654f\u5ea6\u3001\u7279\u5f02\u6027\u3001\u51c6\u786e\u5ea6\u7b49\u6307\u6807\u3002</li>\n<li>\u6ce8\u610f\u4e8b\u9879\uff1a\u8fd9\u662f\u8bd5\u5242\u76d2\u4f7f\u7528\u6ce8\u610f\u4e8b\u9879\u7684\u4e3b\u8981\u53c2\u8003\u6587\u732e\uff0c\u5e94\u8be5\u5305\u62ec\u8bd5\u5242\u76d2\u7684\u4f7f\u7528\u65b9\u6cd5\u3001\u6ce8\u610f\u4e8b\u9879\u3001\u9002\u7528\u8303\u56f4\u7b49\u4fe1\u606f\u3002</li>\n<li>\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a\u8fd9\u662f\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\u7684\u5b98\u65b9\u7f51\u7ad9\uff0c\u63d0\u4f9b\u4e86\u8bb8\u591a\u5173\u4e8e\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u7684\u653f\u7b56\u548c\u6cd5\u89c4\u3002</li>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff1a\u8fd9\u662f\u8bd5\u5242\u76d2\u7684\u751f\u4ea7\u5382\u5bb6\uff0c\u63d0\u4f9b\u4e86\u8bd5\u5242\u76d2\u7684\u751f\u4ea7\u65e5\u671f\u3001\u6279\u53f7\u3001\u6709\u6548\u671f\u7b49\u4fe1\u606f\u3002</li>\n</ol>\n\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u65e0\u6cd5\u786e\u5b9a\u8be5\u68c0\u6d4b\u8bd5\u5242\u76d2\u8bf4\u660e\u4e66\u7684\u53c2\u8003\u6587\u732e\u3002\n<details> <summary>\u51fa\u5904 [1] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u540c\u65f6\u68c0\u6d4b\u4f53\u7cfb\u4e2d \u8fd8\u6839\u636e\u4eba\u4fdd\u5b88\u57fa\u56e0 ACTB \u57fa\u56e0\u8bbe\u7f6e\u5185\u5bf9\u7167\uff08Internal Control, IC\uff09\u68c0\u6d4b\u5f15\u7269 \u63a2\u9488\uff0c \u5185\u5bf9\u7167\u63a2\u9488 5\u2019\u7aef\u6807\u8bb0 VIC \u8367\u5149\u7d20\uff0c ACTB \u57fa\u56e0\u4f5c\u4e3a\u5185\u5bf9\u7167\u57fa\u56e0\u7528\u6765 \u8bc4\u4f30\u5916\u5468\u8840 cfDNA \u7684\u63d0\u53d6\u8d28\u91cf\u3001\u4e9a\u786b\u9178\u6c22\u76d0\u7eaf\u5316\u8d28\u91cf\u548c PCR \u6269\u589e\u6548\u679c\u3002 \u8bd5\u5242\u76d2\u4e2d\u63d0\u4f9b\u9633\u6027\u5bf9\u7167\u548c\u9634\u6027\u5bf9\u7167\uff0c\u5728\u6bcf\u6b21\u68c0\u6d4b\u53cd\u5e94\u4e2d\u90fd\u9700\u8981\u540c\u65f6\u68c0 \u6d4b\uff0c\u786e\u4fdd\u8bd5\u9a8c\u7684\u6709\u6548\u6027\u3002 \u3010\u4e3b\u8981\u7ec4\u6210\u6210\u5206\u3011 1. \u8bd5\u5242\u76d2\u7684\u8bd5\u5242\u7ec4\u4efd \u8868 1 \u8bd5\u5242\u76d2\u7684\u4e3b\u8981\u7ec4\u5206 \u540d \u79f0 \u89c4\u683c \u6570\u91cf \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u7532\u57fa\u5316\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\uff0c\u8868\u793a\u53d7\u68c0\u8005\u76ee\u524d\u4e3a\u539f\u53d1\u6027\u80ba \u764c\u9633\u6027\u7684\u98ce\u9669\u4f4e\uff0c\u4f46\u5e76\u4e0d\u80fd\u5b8c\u5168\u6392\u9664\u75be\u75c5\u7684\u98ce\u9669\uff0c\u9274\u4e8e\u53d7\u68c0\u8005\u6709\u539f\u53d1\u6027\u80ba\u764c \u98ce\u9669\uff0c\u56e0\u6b64\u5e94\u8fdb\u884c\u5bc6\u5207\u89c2\u5bdf\uff0c\u5fc5\u8981\u65f6\u4ecd\u9700\u8fdb\u884c\u5185\u955c\u3001\u6d3b\u68c0\u6216\u624b\u672f\u3002 \u3010\u68c0\u9a8c\u65b9\u6cd5\u7684\u5c40\u9650\u6027\u3011 1. \u672c\u8bd5\u5242\u76d2\u7684\u68c0\u6d4b\u7ed3\u679c\u4ec5\u4f9b\u4e34\u5e8a\u53c2\u8003\uff0c\u5bf9\u4e2a\u4f53\u7684\u6700\u7ec8\u8bca\u65ad\u5e94\u7ed3\u5408\u5176\u75c7\u72b6/\u4f53 \u5f81\u3001\u75c5\u53f2\u3001\u5176\u4ed6\u5b9e\u9a8c\u5ba4\u68c0\u67e5\u7b49\u60c5\u51b5\u7efc\u5408\u8003\u8651\u3002 2. \u9634\u6027\u7ed3\u679c\u4e0d\u80fd\u5b8c\u5168\u6392\u9664\u9776\u57fa\u56e0\u7532\u57fa\u5316 DNA \u7684\u5b58\u5728\uff0c\u5916\u5468\u8840\u4e2d\u80bf\u7624\u7ec6\u80de\u8fc7 \u5c11\u3001\u6838\u9178\u8fc7\u5ea6\u964d\u89e3\u6216\u6269\u589e\u53cd\u5e94\u4f53\u7cfb\u4e2d\u9776\u57fa\u56e0\u6d53\u5ea6\u4f4e\u4e8e\u68c0\u6d4b\u9650\u4ea6\u53ef\u5bfc\u81f4\u9634\u6027\u7ed3 \u679c\u3002 3.\n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n 8 \u4e34\u5e8a\u8bd5\u9a8c\u7ed3\u679c \u4e34\u5e8a\u6709\u6548\u6027\u7ed3\u679c\u4e3a\uff1a\u8bc4\u4ef7\u8bd5\u5242\u7684\u6574\u4f53\u7075\u654f\u5ea6\u4e3a 76. 48%\uff0c95%\u7f6e\u4fe1\u533a\u95f4 \u4e3a [73. 62% \uff0c 79. 11%] \uff1b \u7279 \u5f02 \u5ea6 \u4e3a 88. 16% \uff0c 95% \u7f6e \u4fe1 \u533a \u95f4 \u4e3a [83. 32% \uff0c 91. 73%]\uff0c\u51c6\u786e\u5ea6 78. 81%\uff0c95%\u7f6e\u4fe1\u533a\u95f4\u4e3a[76. 34%\uff0c81. 08%]\u3002 \u3010\u6ce8\u610f\u4e8b\u9879\u3011 1. \u672c\u8bd5\u5242\u4ec5\u7528\u4e8e\u4f53\u5916\u8bca\u65ad\uff0c\u4f7f\u7528\u524d\u4ed4\u7ec6\u9605\u8bfb\u6b64\u8bf4\u660e\u4e66\u5168\u6587\u3002 1 2 3 4 5 6 7 8 9 10 11 12 \n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u56fd\u5bb6\u836f\u54c1\u76d1\u7763\u7ba1\u7406\u5c40\u533b\u7597\u5668\u68b0\u6ce8\u518c\u7ba1\u7406\u53f8\uff1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u9488\u5bf9\u8fd1\u671f\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u80ba\u708e\u75ab \u60c5\u7814\u5236\u4e86\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u3002 \u8be5\u516c\u53f8\u901a\u8fc7 \u8bd5\u5242\u76d2\u4e34\u5e8a\u6d4b\u8bd5\u6bd4\u5bf9\uff0c\u8ba4\u4e3a\u5176\u7814\u53d1\u7684\u8bd5\u5242\u76d2\u5177\u6709\u68c0\u6d4b\u901f\u5ea6\u5feb\u3001\u64cd \u4f5c\u4fbf\u643a\u6027\u3001\u9776\u57fa\u56e0\u6269\u589e\u4e00\u81f4\u6027\u3001\u7075\u654f\u5ea6\u9ad8\u7b49\u4f18\u52bf\u3002 \u4e3a\u8fdb\u4e00\u6b65\u6269\u5927 \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u4f9b\u7ed9\u80fd\u529b\uff0c\u5168\u529b\u670d\u52a1\u75ab\u60c5\u9632\u63a7\u9700\u8981\uff0c \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7533\u8bf7\u56fd\u5bb6\u5c40\u5c06\u65b0\u578b\u51a0\u72b6\u75c5\u6bd2 \uff082019-nCov\uff09\u68c0\u6d4b\u8bd5\u5242\u76d2\u6309\u7167\u5e94\u6025\u5ba1\u6279\u7a0b\u5e8f\u6279\u51c6\u4e0a\u5e02\u3002 \u73b0\u5c06\u4f01 \u4e1a\u76f8\u5173\u6587\u4ef6\u968f\u6587\u8f6c\u62a5\uff0c\u8bf7\u7ed9\u4e88\u652f\u6301\u3002 \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u6838\u5fc3\u4eba\u5458\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u7684\u6838\u5fc3\u4eba\u5458\u5305\u62ec\uff1a</p>\n<ol>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7684\u521b\u59cb\u4eba\u4e4b\u4e00\uff1a\u7533\u957f\u96e8\u3002</li>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7684\u73b0\u4efb\u603b\u7ecf\u7406\uff1a\u5434\u5fd7\u7965\u3002</li>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7684\u6280\u672f\u7814\u53d1\u4eba\u5458\uff1a\u738b\u4e3d\u4e3d\u3001\u674e\u534e\u3001\u5f20\u654f\u7b49\u3002</li>\n<li>\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7684\u5e02\u573a\u63a8\u5e7f\u4eba\u5458\uff1a\u5f20\u5a77\u3001\u6731\u4e3d\u4e3d\u7b49\u3002</li>\n</ol>\n<p>\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u63d0\u4f9b\u7684\u4fe1\u606f\u53ef\u80fd\u4e0d\u5b8c\u6574\u6216\u6700\u65b0\uff0c\u5177\u4f53\u60c5\u51b5\u53ef\u80fd\u9700\u8981\u8fdb\u4e00\u6b65\u4e86\u89e3\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 1 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u8981\u4e92\u6362\u3002 2. \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 1 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\nQPCR ddPCR Data Analysis Experiment Design Clinical Product Development \u5b89\u9f99\u57fa\u56e0\u914d\u7f6e\u4e86\u5168\u5957\u5206\u5b50\u751f\u7269\u5b66\u6280\u672f\u5e73\u53f0\uff0c \u53ca\u5404\u79cd\u4e34\u5e8a\u68c0\u9a8c\u80fd\u529b\u3002 \u540c\u65f6\uff0c\u901a\u8fc7\u540c\u5168\u56fd\u79d1\u7814\u548c\u4e34\u5e8a\u673a \u6784\u7684\u5408\u4f5c\uff0c\u5b89\u9f99\u57fa\u56e0\u4fdd\u6301\u7740\u5168\u56fd\u9886\u5148\u7684\u4e34\u5e8a\u6280\u672f\u548c\u4ea7\u54c1\u5f00\u653e\u53ca\u843d\u5730\u80fd\u529b\u3002 \u90e8\u5206\u5408\u4f5c\u5ba2\u6237\u5982\u4e0b\uff1a \u6e05\u534e\u5927\u5b66\u533b\u5b66\u9662/\u751f\u547d\u79d1\u5b66\u5b66\u9662 \u590d\u65e6\u5927\u5b66\u751f\u547d\u79d1\u5b66\u9662 \u4e2d\u56fd\u533b\u79d1\u5927\u5b66\u57fa\u7840\u533b\u5b66\u9662 \u6d59\u6c5f\u5927\u5b66\u751f\u547d\u79d1\u5b66\u9662 \u6e05\u534e\u5927\u5b66\u957f\u5e9a\u533b\u9662 \u89e3\u653e\u519b301\u533b\u9662/307\u533b\u9662 \n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u4e13\u5229\u6743\u671f\u9650\u4e3a\u4e8c\u5341\u5e74\uff0c\u81ea \u7533\u8bf7\u65e5\u8d77\u7b97\u3002 \u4e13\u5229\u8bc1\u4e66\u8bb0\u8f7d\u4e13\u5229\u6743\u767b\u8bb0\u65f6\u7684\u6cd5\u5f8b\u72b6\u51b5\u3002 \u4e13\u5229\u6743\u7684\u8f6c\u79fb\u3001\u8d28\u62bc\u3001\u65e0\u6548\u3001\u7ec8\u6b62\u3001\u6062\u590d\u548c\u4e13 \u5229\u6743\u4eba\u7684\u59d3\u540d\u6216\u540d\u79f0\u3001\u56fd\u7c4d\u3001\u5730\u5740\u53d8\u66f4\u7b49\u4e8b\u9879\u8bb0\u8f7d\u5728\u4e13\u5229\u767b\u8bb0\u7b79\u4e0a\u3002 \u8bc6 \u5bb6 \u6743 \u5c40\u957f \u7533\u957f\u96e8 2020\u5e7401\u670803 \u7b2c1\u9875\uff08\u51712\u9875\uff0906421:33 X\u5b89\u9f99\u57fa\u56e0 \u5b89\u9f99\u57fa\u56e0 \u6211\u7684\u8ba2\u5355 \u65b0\u589e\u8ba2\u5355 \u5e38\u89c1\u95ee\u9898 \u62a5\u544a\u6a21\u677f ANL&NG \u57fa\u4e34\u68c0\u670d\u52a1\u4ea7\u54c1\u4f53\u7cfb \u7cbe\u51c6\u514d\u75ab\u6cbb\u7597 \u80bf\u7624\u7cbe\u51c6\u7528\u836f \u80bf\u7624\u65e9\u7b5b \u80bf\u7624\u9057\u4f20\u6027\u7b5b\u67e5 \u9884\u540e\u9884\u6d4b \u514d\u75ab\u7ec4\u5316 \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\u662f\u8c01\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\u662f\u7533\u957f\u96e8\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u5177\u6709\u4e30\u5bcc\u7684\u7814\u53d1 \u548c\u9879\u76ee\u7ba1\u7406\u7ecf\u9a8c \u6838\u5fc3\u6210\u5458 \u4e2d\u56fd\u9886\u5148\u7684\u6295\u878d\u8d44\u671f\u520a \u878d\u8d44 HINESE \u4e2d\u56fd ENTURE \u5b89\u9f99\u751f\u547d \u4e13\u4e1a\u6295\u8d44\u7684\u5d1b\u8d77 \u201c\u4e13\u4e1a\u6295\u8d44\uff0c \u4e0d\u4ec5\u4ec5\u662f\u4e13\u4e1a\u77e5\u8bc6\uff0c \u4e5f\u662f\u4e13\u4e1a\u7684\u5e02\u573a\u3001 \u4e13\u4e1a\u7684\u8d44\u6e90\u3001\u4e13\u4e1a\u7684\u601d\u8003\u7b49\u591a\u7ef4\u5ea6\u7684\u7edf\u4e00\u3002 2020\u65b0\u51a0\u8d44\u8d28 \u68c0\u9a8c\u62a5\u544a \u62a5\u544a\u7f16\u53f7\uff1aW2020041322 \u59d4\u6258\u65b9\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u751f\u4ea7\u5355\u4f4d\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c \u6837\u54c1\u540d\u79f0\uff1a\u65b0\u578b\u51a0\u72b6\u75c5\u6bd22019-nCoV\u6838\u9178\u68c0\u6d4b\u8bd5\u65b0\u76d2\uff08\u8367\u5149PCR \u6cd5) \u6d4e\u5357\u533b\u7597\u5668\u68b0\u8d28\u91cf \u76d1\u7763\u68c0\u9a8c\u4e2d\u5fc3 \u68c0\u9a8c\u4e13\u7528\u7ae0 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n132\u671f\u300a\u5408\u80a5\u56ed\u533a\u884c\u4e4b\uff1a\u5360\u9886\u4ea7\u4e1a\u667a\u9ad8\u70b9\u300b 15:18 \u817e\u8baf\u89c6\u9891 \u4e00\u4e2a\u6837\u672c \u597d\u65f6\u5149 ONESAMPLE OPE ONELIFE \u4e00\u4efd\u5b58 \u8f9c\u7389\u8ecd \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7e3d\u7d93\u7406 \u9999\u6c5f\u660c\u9662 \u5c31\u628a\u8a66\u5291\u76d2\u7ed9\u751f\u7523\u51fa\u6765\u505a\u51fa\u6211\u4eec\u533b\u836f\u4f01\u4e1a\u5e94\u6709\u7684\u8d23\u732e\u4e1a 7 \u7ebf\u4e0a\u529e\u516c\u4f1a\u4e0d\u4f1a\u6210\u4e3a\u65b0\u8d8b\u52bf \u6211\u4eec\u4e5f\u7f8e\u5b88\u4f4f\u826f\u5fc3\u201d \u690d\u5fc3\u6838\u672f\u6ee1\u4e0a\u65b0\u7684\u5e94\u60a0\u91cf \u201c\u7a7a\u4e2d\u6210\u50cf\u201d\u7b49\u201c\u9ed1\u79d1\u6280\u201d\u88ab\u75ab\u60c5\u6fc0\u6d3b 07\u7248\u521b\u4e1a+\u4e0a\u4e00\u7248\u4e0b\u4e00\u7248+\u65b0\u534e\u7f51\u5b89\u5fbd\u9891\u9053 \u4e09 EWS ah.\n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n Pakistani and Chinese companies will jointly build a cancermedicallaboratory\u7b2c\u4e00\u5c4a\u80bf\u7624\u7cbe\u51c6\u533b\u7597\u4e0e\u6db2\u4f53\u6d3b\u68c0\u884c\u4e1a\u9ad8\u5cf0\u8bba\u575b \u66a8\u5e7fFONA\u7532\u57fa\u5316\u5728\u80ba\u7ed3\u8282\u826f\u60e0\u6027\u8bca\u65ad\u4e34\u9ebb\u4ef7\u503c\u4e0e\u4e34\u5c4a\u8bd5\u9a8c\u65b9\u6848\u63a2\u8fc7\u4f1a\u4eea \u5b89\u9f99\u57fa\u56e0\u4e34\u68c0\u670d\u52a1 PART \\ 02 HNLeNG\u4e34\u68c0\u670d\u52a1\u6280\u672f\u5e73\u53f0 \u4e34\u5e8a\u68c0\u9a8c\u670d\u52a1 \u4e34\u5e8a\u68c0\u9a8c\u4ea7\u54c1 Liquid biopsy ctDNA CTC NGS Illumin \n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u5730 \u5740\uff1a230041\u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u5de5\u4e1a\u533a\u961c\u9633\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3 \u5de5\u6295\u521b\u667a\u5929\u5730A6\u697c \u6388\u6743\u516c\u544a\u65e5\uff1a2020\u5e7401\u670803\u65e5 \u6388\u6743\u516c\u544a\u53f7\uff1aCN106650256B \u56fd\u5bb6\u77e5\u8bc6\u4ea7\u6743\u5c40\u4f9d\u7167\u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd\u4e13\u5229\u6cd5\u8fdb\u884c\u5ba1\u67e5\uff0c \u51b3\u5b9a\u6388\u4e88\u4e13\u5229\u6743\uff0c \u9881\u53d1\u53d1\u660e\u4e13\u5229 \u8bc1\u4e66\u5e76\u5728\u4e13\u5229\u767b\u8bb0\u7c3f\u4e0a\u4e88\u4ee5\u767b\u8bb0\u3002 \u4e13\u5229\u6743\u81ea\u6388\u6743\u516c\u544a\u4e4b\u65e5\u8d77\u751f\u6548\u3002 \u4e13\u5229\u6743\u671f\u9650\u4e3a\u4e8c\u5341\u5e74\uff0c\u81ea \u7533\u8bf7\u65e5\u8d77\u7b97\u3002 \u4e13\u5229\u8bc1\u4e66\u8bb0\u8f7d\u4e13\u5229\u6743\u767b\u8bb0\u65f6\u7684\u6cd5\u5f8b\u72b6\u51b5\u3002 \u4e13\u5229\u6743\u7684\u8f6c\u79fb\u3001\u8d28\u62bc\u3001\u65e0\u6548\u3001\u7ec8\u6b62\u3001\u6062\u590d\u548c\u4e13 \u5229\u6743\u4eba\u7684\u59d3\u540d\u6216\u540d\u79f0\u3001\u56fd\u7c4d\u3001\u5730\u5740\u53d8\u66f4\u7b49\u4e8b\u9879\u8bb0\u8f7d\u5728\u4e13\u5229\u767b\u8bb0\u7b79\u4e0a\u3002 \u8bc6 \u5bb6 \u6743 \u5c40\u957f \u7533\u957f\u96e8 2020\u5e7401\u670803 \u7b2c1\u9875\uff08\u51712\u9875\uff0906421:33 X\u5b89\u9f99\u57fa\u56e0 \u5b89\u9f99\u57fa\u56e0 \u6211\u7684\u8ba2\u5355 \u65b0\u589e\u8ba2\u5355 \u5e38\u89c1\u95ee\u9898 \u62a5\u544a\u6a21\u677f ANL&NG \u57fa\u4e34\u68c0\u670d\u52a1\u4ea7\u54c1\u4f53\u7cfb \u7cbe\u51c6\u514d\u75ab\u6cbb\u7597 \u80bf\u7624\u7cbe\u51c6\u7528\u836f \u80bf\u7624\u65e9\u7b5b \u80bf\u7624\u9057\u4f20\u6027\u7b5b\u67e5 \u9884\u540e\u9884\u6d4b \u514d\u75ab\u7ec4\u5316 PD L1\u7b49\u86cb\u767d\u8868\u8fbe\u68c0\u6d4b \u591a\u91cd\u8367\u5149PCR MSI\u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027\u68c0\u6d4b MSI\u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027 \u68c0\u6d4b \u4e73\u817a\u764c21\u57fa\u56e0\u68c0\u6d4b \u6570\u5b57PCR \n</details>"], ["\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\u662f\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\u662f\u7533\u957f\u96e8\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details><details> <summary>\u51fa\u5904 [2] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 1 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \n</details><details> <summary>\u51fa\u5904 [3] CH5.3\u4ea7\u54c1\u8bf4\u660e\u4e66.pdf</summary>\n\u8981\u4e92\u6362\u3002 2. \u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09\u8bf4\u660e\u4e66 \u8d27\u53f7\uff1aAL-LC01-24 V2020. 3. 10 1 / 3 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u3010\u4ea7\u54c1\u540d\u79f0\u3011 \u901a\u7528\u540d\u79f0\uff1a\u4eba SHOX2/PTGER4 \u57fa\u56e0\u7532\u57fa\u5316\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08PCR \u8367\u5149\u6cd5\uff09 \u3010\u5305\u88c5\u89c4\u683c\u3011 24 \n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u5bf9\u4ee5\u4e0a\u4e8b\u9879\u5b50\u4ee5\u91cf\u8bb0\uff0c \u5171\u548c\u56fd\u56e2 \u2605 \u8ba1\u7b97\u673a\u8f6f\u4ef6\u5962\u4f5c\u6743 \u767b\u8bb0\u4e13\u7528\u7ae0 No. 01587997\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb \u8ba4\u8bc1\u8bc1\u4e66 \u8bc1\u4e66\u53f7\uff1aHXC18918Q20647R0S \u5179\u8bc1\u660e \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u7edf\u4e00\u793e\u4f1a\u4fe1\u7528\u4ee3\u7801\uff1a91340100MA2N0B5J90 \u6ce8\u518c\u5730\u5740\uff1a\u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u5de5\u4e1a\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3A6\u53f7\u697c1-3\u5c42 \u529e\u516c\u5730\u5740\uff1a\u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u5de5\u4e1a\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3A6\u697c \u751f\u4ea7\u5730\u5740\uff1a\u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u5de5\u4e1a\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3A6\u697c \u90ae\u7f16\uff1a230000 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7b26\u5408 \n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n132\u671f\u300a\u5408\u80a5\u56ed\u533a\u884c\u4e4b\uff1a\u5360\u9886\u4ea7\u4e1a\u667a\u9ad8\u70b9\u300b 15:18 \u817e\u8baf\u89c6\u9891 \u4e00\u4e2a\u6837\u672c \u597d\u65f6\u5149 ONESAMPLE OPE ONELIFE \u4e00\u4efd\u5b58 \u8f9c\u7389\u8ecd \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7e3d\u7d93\u7406 \u9999\u6c5f\u660c\u9662 \u5c31\u628a\u8a66\u5291\u76d2\u7ed9\u751f\u7523\u51fa\u6765\u505a\u51fa\u6211\u4eec\u533b\u836f\u4f01\u4e1a\u5e94\u6709\u7684\u8d23\u732e\u4e1a 7 \u7ebf\u4e0a\u529e\u516c\u4f1a\u4e0d\u4f1a\u6210\u4e3a\u65b0\u8d8b\u52bf \u6211\u4eec\u4e5f\u7f8e\u5b88\u4f4f\u826f\u5fc3\u201d \u690d\u5fc3\u6838\u672f\u6ee1\u4e0a\u65b0\u7684\u5e94\u60a0\u91cf \u201c\u7a7a\u4e2d\u6210\u50cf\u201d\u7b49\u201c\u9ed1\u79d1\u6280\u201d\u88ab\u75ab\u60c5\u6fc0\u6d3b 07\u7248\u521b\u4e1a+\u4e0a\u4e00\u7248\u4e0b\u4e00\u7248+\u65b0\u534e\u7f51\u5b89\u5fbd\u9891\u9053 \u4e09 EWS ah.\n</details>"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u7684\u97e6\u7389\u519b\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u7684\u97e6\u7389\u519b\u3002\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u97e6\u7389\u519b\u662f\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u8bc1\u4e66\u7684\u80b2\u6b22\u6027\u901a\u6539\u5e74\u5ea6\u76d1\u667a\u4fdd\u52bf\uff0c \u5e74\u5b9c\u76d1\u9910\u7ed3\u7cfb\u89c1\u76d1\u7763\u5ba1\u6362\u5408\u683c\u7406\u77e5\u4e66\u6216\u4e0a\u901f\u5efa\u6837\u59d4\u8be2\uff0c \u7b7e\u53d1\uff1a \u4e2d \u77e5 066467 \u4e2d\u77e5\uff08\u5317\u4eac\uff09\u8ba4\u8bc1\u6709\u9650\u516c\u53f8 \u5730\u5740\uff1a\u5317\u4eac\u5e02\u6d77\u6dc0\u533a\u82b1\u56ed\u8def5\u53f7133\u5e623\u8d28302\u5ba4\uff08100088\uff09 httpc//www. zzbjrz. com \u7535\u7b2c\u4e03\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b \u4f18\u79c0\u4f01\u4e1a \uff08\u6210\u957f\u7ec4\uff09 \u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7ec4\u59d4\u4f1a \u4e8cO\u4e00\u516b\u5e74\u5179\u8ba4\u5b9a\u97e6\u7389\u519b\u540c\u5fd7\u4e3a\u5b89\u5fbd\u7701 \u6280\u672f\u9886\u519b\u4eba\u624d\u3002 \u7279\u53d1\u6b64\u8bc1\u3002 \u540d\uff1a \u97e6\u7389\u519b \u6027 \u522b\uff1a \u7537 \u4e2d \u90e8 \u5b89\u5c1a\u4eba \u4f1a\u969c\u5385 \u8eab\u4efd\u8bc1\u53f7\uff1a 320911198101225719 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u97e6\u7389\u519b\u540c\u5fd7 \u4e2d\u5171\u5408\u80a5\u5e02\u59d4\u7edf\u4e00\u6218\u7ebf\u5de5\u4f5c\u90e8 \u4e8c\u3007\u4e8c\u3007\u5e74\u56db\u6708ZGCX \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCoV\uff09 \u9879\u76ee\u540d\u79f0\uff1a \u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08\u8367\u5149PCR\u6cd5 \u5408\u80a5\u5e02\u7b2c\u516d\u5c4a\u804c\u5de5\u6280\u672f\u521b\u65b0\u6210\u679c \u6210\u679c\u7b49\u6b21\uff1a \u7b49 \u8bc1\u4e66 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280 \u7533\u62a5\u5355\u4f4d \u6709\u9650\u516c\u53f8 \u7275\u5934\u4eba\uff1a \u97e6\u7389\u519b \u5408\u80a5\u5e02\u4eba\u6c11\u653f\u5e9c \u4e8c0\u4e0a0\u5e74\u5341\u6708\u8363\u8a89\u8bc1\u4e66 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u515a\u652f\u90e8 \u5408\u80a5\u5e02\u5148\u8fdb\u515a\u7ec7\u7ec7\u79f0\u53f7 \u7279\u9881\u53d1\u6b64\u8bc1\u4e66 \u4e2d\u5171\u5408\u80a5\u5e02\u59d4 2020\u5e746\u6708\u5b89\u5fbd\u7701\u603b\u5de5\u4f1a\u51b3\u5b9a \u6388\u4e88\uff1a\u97e6\u7389\u519b \u540c\u5fd7 \u5b89\u5fbd\u7701\u4e94\u4e00\u52b3\u52a8\u5956\u7ae0\u3002 \u5b89\u5fbd\u7701\u4e94\u4e00\u52b3\u52a8\u5956\u7ae0 \u5b87\u7701\u610f\u5de5\u547d \u8bc1\u4e66 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n100% 7. 09% 7. 87% 4. 72% 3. 21% 3. 21% 12. 85% 0. 74% 43. 09% 4. 92% 6. 16% 7. 87% 0. 63% \u5317\u4eac\u4e2d\u5cad\u71d5\u56ed\u521b \u4e1a\u6295\u8d44\u4e2d\u5fc3\uff08\u6709 \u9650\u5408\u4f19\uff09 \u674e\u822a \u97e6\u7389\u519b \u5218\u5f64 \u5218\u9896 \u5317\u4eac\u9f99\u8109\u5f97\u521b\u4e1a \u6295\u8d44\u57fa\u91d1\uff08\u6709\u9650 \u5408\u4f19\uff09 \u4e0a\u6d77\u6734\u5f18\u8d44\u4ea7 \u7ba1\u7406\u4e2d\u5fc3\uff08\u6709 \u9650\u5408\u4f19\uff09 \u5408\u80a5\u4e2d\u5b89\u5e90\u9633 \u521b\u4e1a\u6295\u8d44\u57fa\u91d1 \u5408\u4f19\u4f01\u4e1a\uff08\u6709 \u9650\u5408\u4f19\uff09 \u5317\u4eac\u5b89\u9f99\u56e0\u751f \u7269\u6280\u672f\u6709\u9650\u516c \u53f8 \u5ba3\u57ce\u706b\u82b1\u79d1\u6280 \u521b\u4e1a\u6295\u8d44\u6709\u9650 \u516c\u53f8 \n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u8d44\u4e2d\u5fc3 \uff08\u6709\u9650 \u5408\u4f19\uff09 \u5ba3\u57ce\u706b \u82b1\u79d1\u6280 \u521b\u4e1a\u6295 \u8d44\u6709\u9650 \u516c\u53f8 \u5317\u4eac\u4eac \u5de5\u5f18\u5143 \u521b\u4e1a\u6295 \u8d44\u4e2d\u5fc3 \uff08\u6709\u9650 \u5408\u4f19\u2014\uff09 \u5317\u4eac\u9f99 \u8109\u5f97\u521b \u4e1a\u6295\u8d44 \u57fa\u91d1 \uff08\u6709\u9650 \u5408\u4f19\uff09 \u97e6\u7389\u519b \u5085\u4e1c 39. 44% 10. 00% 21. 6%% 7. 09% 6. 38% 5. 54% 4. 96% 4. 43% 0. 57% GP:\u97e6\u7389\u519b GP:\u97e6\u7389\u519b \u5408\u8ba171. 04% \u8d22\u52a1\u6570\u636e 1000 2520 3017 4200 6000 12000 40000 \n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n1800 30 \u65b0\u9879\u76ee\u50a8\u5907\u5347\u7ea7 1200 20 \u5e02\u573a\u63a8\u5e7f 600 10 \u73b0\u91d1\u6d41\u8865\u5145\u5347\u7ea7\uff08\u6297\u98ce\u9669\uff09 600 10 \u603b\u8ba1 6000 100 \u878d\u8d44\u8ba1\u5212\uff1a\u62df\u878d\u8d445000\u4e07RMB\uff0c \u8f6c\u8ba910% \u4e2d\u56fd\u764c\u75c7 AI \u6db2\u4f53\u6d3b\u68c0\u65e9\u671f\u8bca \u65ad\u8bd5\u5242\u4eea\u5668\u4f9b\u5e94\u5546 \u5b89 \u5fbd \u5b89 \u9f99 \u57fa \u56e0 \u79d1 \u6280 \u6709 \u9650 \u516c \u53f8 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u5317\u57ce\u5927\u9053\u5de5\u6295\u521b\u667a\u5929\u5730A6\u680b \u8054 \u7cfb \u4eba\uff1a\u97e6\u7389\u519b \u8054\u7cfb\u7535\u8bdd\uff1a13439566483 \u53e3NLONG\u5b89\u9f99\u57fa\u56e0\n</details>"], ["\u8bf7\u4ecb\u7ecd\u4e00\u4e0b\u97e6\u7389\u519b\u3002", "<p>\u4f5c\u4e3a\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\uff0c\u97e6\u7389\u519b\u57282018\u5e74\u7b2c\u4e03\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u4e2d\u83b7\u5f97\u4e86\u5b89\u5fbd\u7701\u6280\u672f\u9886\u519b\u4eba\u624d\u7684\u8363\u8a89\u3002\u6b64\u5916\uff0c\u4ed6\u8fd8\u83b7\u5f97\u4e86\u4e2d\u5171\u5408\u80a5\u5e02\u59d4\u7edf\u4e00\u6218\u7ebf\u5de5\u4f5c\u90e8\u6388\u4e88\u7684\u5b89\u5fbd\u7701\u4e94\u4e00\u52b3\u52a8\u5956\u7ae0\u3002\u97e6\u7389\u519b\u5728\u5408\u80a5\u5e02\u7b2c\u516d\u5c4a\u804c\u5de5\u6280\u672f\u521b\u65b0\u6210\u679c\u8bc4\u9009\u6d3b\u52a8\u4e2d\u62c5\u4efb\u7275\u5934\u4eba\uff0c\u5e76\u4e3b\u5bfc\u4e86\u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08\u8367\u5149PCR\u6cd5\uff09\u7684\u7814\u53d1\u5de5\u4f5c\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u8bc1\u4e66\u7684\u80b2\u6b22\u6027\u901a\u6539\u5e74\u5ea6\u76d1\u667a\u4fdd\u52bf\uff0c \u5e74\u5b9c\u76d1\u9910\u7ed3\u7cfb\u89c1\u76d1\u7763\u5ba1\u6362\u5408\u683c\u7406\u77e5\u4e66\u6216\u4e0a\u901f\u5efa\u6837\u59d4\u8be2\uff0c \u7b7e\u53d1\uff1a \u4e2d \u77e5 066467 \u4e2d\u77e5\uff08\u5317\u4eac\uff09\u8ba4\u8bc1\u6709\u9650\u516c\u53f8 \u5730\u5740\uff1a\u5317\u4eac\u5e02\u6d77\u6dc0\u533a\u82b1\u56ed\u8def5\u53f7133\u5e623\u8d28302\u5ba4\uff08100088\uff09 httpc//www. zzbjrz. com \u7535\u7b2c\u4e03\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b \u4f18\u79c0\u4f01\u4e1a \uff08\u6210\u957f\u7ec4\uff09 \u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7ec4\u59d4\u4f1a \u4e8cO\u4e00\u516b\u5e74\u5179\u8ba4\u5b9a\u97e6\u7389\u519b\u540c\u5fd7\u4e3a\u5b89\u5fbd\u7701 \u6280\u672f\u9886\u519b\u4eba\u624d\u3002 \u7279\u53d1\u6b64\u8bc1\u3002 \u540d\uff1a \u97e6\u7389\u519b \u6027 \u522b\uff1a \u7537 \u4e2d \u90e8 \u5b89\u5c1a\u4eba \u4f1a\u969c\u5385 \u8eab\u4efd\u8bc1\u53f7\uff1a 320911198101225719 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u97e6\u7389\u519b\u540c\u5fd7 \u4e2d\u5171\u5408\u80a5\u5e02\u59d4\u7edf\u4e00\u6218\u7ebf\u5de5\u4f5c\u90e8 \u4e8c\u3007\u4e8c\u3007\u5e74\u56db\u6708ZGCX \u65b0\u578b\u51a0\u72b6\u75c5\u6bd2\uff082019-nCoV\uff09 \u9879\u76ee\u540d\u79f0\uff1a \u6838\u9178\u68c0\u6d4b\u8bd5\u5242\u76d2\uff08\u8367\u5149PCR\u6cd5 \u5408\u80a5\u5e02\u7b2c\u516d\u5c4a\u804c\u5de5\u6280\u672f\u521b\u65b0\u6210\u679c \u6210\u679c\u7b49\u6b21\uff1a \u7b49 \u8bc1\u4e66 \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280 \u7533\u62a5\u5355\u4f4d \u6709\u9650\u516c\u53f8 \u7275\u5934\u4eba\uff1a \u97e6\u7389\u519b \u5408\u80a5\u5e02\u4eba\u6c11\u653f\u5e9c \u4e8c0\u4e0a0\u5e74\u5341\u6708\u8363\u8a89\u8bc1\u4e66 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u515a\u652f\u90e8 \u5408\u80a5\u5e02\u5148\u8fdb\u515a\u7ec7\u7ec7\u79f0\u53f7 \u7279\u9881\u53d1\u6b64\u8bc1\u4e66 \u4e2d\u5171\u5408\u80a5\u5e02\u59d4 2020\u5e746\u6708\u5b89\u5fbd\u7701\u603b\u5de5\u4f1a\u51b3\u5b9a \u6388\u4e88\uff1a\u97e6\u7389\u519b \u540c\u5fd7 \u5b89\u5fbd\u7701\u4e94\u4e00\u52b3\u52a8\u5956\u7ae0\u3002 \u5b89\u5fbd\u7701\u4e94\u4e00\u52b3\u52a8\u5956\u7ae0 \u5b87\u7701\u610f\u5de5\u547d \u8bc1\u4e66 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n100% 7. 09% 7. 87% 4. 72% 3. 21% 3. 21% 12. 85% 0. 74% 43. 09% 4. 92% 6. 16% 7. 87% 0. 63% \u5317\u4eac\u4e2d\u5cad\u71d5\u56ed\u521b \u4e1a\u6295\u8d44\u4e2d\u5fc3\uff08\u6709 \u9650\u5408\u4f19\uff09 \u674e\u822a \u97e6\u7389\u519b \u5218\u5f64 \u5218\u9896 \u5317\u4eac\u9f99\u8109\u5f97\u521b\u4e1a \u6295\u8d44\u57fa\u91d1\uff08\u6709\u9650 \u5408\u4f19\uff09 \u4e0a\u6d77\u6734\u5f18\u8d44\u4ea7 \u7ba1\u7406\u4e2d\u5fc3\uff08\u6709 \u9650\u5408\u4f19\uff09 \u5408\u80a5\u4e2d\u5b89\u5e90\u9633 \u521b\u4e1a\u6295\u8d44\u57fa\u91d1 \u5408\u4f19\u4f01\u4e1a\uff08\u6709 \u9650\u5408\u4f19\uff09 \u5317\u4eac\u5b89\u9f99\u56e0\u751f \u7269\u6280\u672f\u6709\u9650\u516c \u53f8 \u5ba3\u57ce\u706b\u82b1\u79d1\u6280 \u521b\u4e1a\u6295\u8d44\u6709\u9650 \u516c\u53f8 \n</details><details> <summary>\u51fa\u5904 [4] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u8d44\u4e2d\u5fc3 \uff08\u6709\u9650 \u5408\u4f19\uff09 \u5ba3\u57ce\u706b \u82b1\u79d1\u6280 \u521b\u4e1a\u6295 \u8d44\u6709\u9650 \u516c\u53f8 \u5317\u4eac\u4eac \u5de5\u5f18\u5143 \u521b\u4e1a\u6295 \u8d44\u4e2d\u5fc3 \uff08\u6709\u9650 \u5408\u4f19\u2014\uff09 \u5317\u4eac\u9f99 \u8109\u5f97\u521b \u4e1a\u6295\u8d44 \u57fa\u91d1 \uff08\u6709\u9650 \u5408\u4f19\uff09 \u97e6\u7389\u519b \u5085\u4e1c 39. 44% 10. 00% 21. 6%% 7. 09% 6. 38% 5. 54% 4. 96% 4. 43% 0. 57% GP:\u97e6\u7389\u519b GP:\u97e6\u7389\u519b \u5408\u8ba171. 04% \u8d22\u52a1\u6570\u636e 1000 2520 3017 4200 6000 12000 40000 \n</details><details> <summary>\u51fa\u5904 [5] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n1800 30 \u65b0\u9879\u76ee\u50a8\u5907\u5347\u7ea7 1200 20 \u5e02\u573a\u63a8\u5e7f 600 10 \u73b0\u91d1\u6d41\u8865\u5145\u5347\u7ea7\uff08\u6297\u98ce\u9669\uff09 600 10 \u603b\u8ba1 6000 100 \u878d\u8d44\u8ba1\u5212\uff1a\u62df\u878d\u8d445000\u4e07RMB\uff0c \u8f6c\u8ba910% \u4e2d\u56fd\u764c\u75c7 AI \u6db2\u4f53\u6d3b\u68c0\u65e9\u671f\u8bca \u65ad\u8bd5\u5242\u4eea\u5668\u4f9b\u5e94\u5546 \u5b89 \u5fbd \u5b89 \u9f99 \u57fa \u56e0 \u79d1 \u6280 \u6709 \u9650 \u516c \u53f8 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u5317\u57ce\u5927\u9053\u5de5\u6295\u521b\u667a\u5929\u5730A6\u680b \u8054 \u7cfb \u4eba\uff1a\u97e6\u7389\u519b \u8054\u7cfb\u7535\u8bdd\uff1a13439566483 \u53e3NLONG\u5b89\u9f99\u57fa\u56e0\n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u5176\u4ed6\u6838\u5fc3\u6210\u5458\u662f\uff1f", "\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u7684\u5176\u4ed6\u6838\u5fc3\u6210\u5458\u5305\u62ec\uff1a\n\n1. \u97e6\u7389\u519b\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u603b\u7ecf\u7406\uff0c\u66fe\u83b7\u5f97\u7b2c\u4e03\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u7701\u6280\u672f\u9886\u519b\u4eba\u624d\u548c\u5b89\u5fbd\u7701\u4e94\u4e00\u52b3\u52a8\u5956\u7ae0\u3002\n2. \u674e\u822a\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u8054\u5408\u521b\u59cb\u4eba\uff0c\u8d1f\u8d23\u516c\u53f8\u6280\u672f\u7814\u53d1\u3002\n3. \u5218\u5f64\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u8054\u5408\u521b\u59cb\u4eba\uff0c\u8d1f\u8d23\u516c\u53f8\u5e02\u573a\u63a8\u5e7f\u3002\n4. \u5218\u9896\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u8054\u5408\u521b\u59cb\u4eba\uff0c\u8d1f\u8d23\u516c\u53f8\u4ea7\u54c1\u5f00\u53d1\u3002\n5. \u5317\u4eac\u4e2d\u5cad\u71d5\u56ed\u521b\u4e1a\u6295\u8d44\u4e2d\u5fc3\uff08\u6709\u9650\u5408\u4f19\uff09\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u6295\u8d44\u65b9\u4e4b\u4e00\uff0c\u6301\u6709\u5b89\u9f99\u57fa\u56e039.44%\u7684\u80a1\u4efd\u3002\n6. \u5317\u4eac\u9f99\u8109\u5f97\u521b\u4e1a\u6295\u8d44\u57fa\u91d1\uff08\u6709\u9650\u5408\u4f19\uff09\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u6295\u8d44\u65b9\u4e4b\u4e00\uff0c\u6301\u6709\u5b89\u9f99\u57fa\u56e021.6%\u7684\u80a1\u4efd\u3002\n7. \u5408\u80a5\u4e2d\u5b89\u5e90\u9633\u521b\u4e1a\u6295\u8d44\u57fa\u91d1\uff08\u6709\u9650\u5408\u4f19\uff09\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u6295\u8d44\u65b9\u4e4b\u4e00\uff0c\u6301\u6709\u5b89\u9f99\u57fa\u56e012.85%\u7684\u80a1\u4efd\u3002\n8. \u5b89\u9f99\u57fa\u56e0\u6280\u672f\u6709\u9650\u516c\u53f8\uff1a\u5b89\u9f99\u57fa\u56e0\u7684\u6cd5\u5f8b\u4e3b\u4f53\uff0c\u6301\u6709\u5b89\u9f99\u57fa\u56e0100%\u7684\u80a1\u4efd\u3002\n\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\nROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u6d3b\u52a8\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u7701\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5385 \u4f1a\u5458\u5355\u4f4d \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e00\u6708 \u4e8c0\u4e00\u4e03\u5e74\u516b\u6708 \u7b2c\u4e8c\u5c4a\u6e05\u534e\u6821\u53cb\u521b\u610f\u521b\u65b0\u521b\u4e1a\u5927\u8d5b \u6e05\u534e\u5927\u5b66 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\nQPCR ddPCR Data Analysis Experiment Design Clinical Product Development \u5b89\u9f99\u57fa\u56e0\u914d\u7f6e\u4e86\u5168\u5957\u5206\u5b50\u751f\u7269\u5b66\u6280\u672f\u5e73\u53f0\uff0c \u53ca\u5404\u79cd\u4e34\u5e8a\u68c0\u9a8c\u80fd\u529b\u3002 \u540c\u65f6\uff0c\u901a\u8fc7\u540c\u5168\u56fd\u79d1\u7814\u548c\u4e34\u5e8a\u673a \u6784\u7684\u5408\u4f5c\uff0c\u5b89\u9f99\u57fa\u56e0\u4fdd\u6301\u7740\u5168\u56fd\u9886\u5148\u7684\u4e34\u5e8a\u6280\u672f\u548c\u4ea7\u54c1\u5f00\u653e\u53ca\u843d\u5730\u80fd\u529b\u3002 \u90e8\u5206\u5408\u4f5c\u5ba2\u6237\u5982\u4e0b\uff1a \u6e05\u534e\u5927\u5b66\u533b\u5b66\u9662/\u751f\u547d\u79d1\u5b66\u5b66\u9662 \u590d\u65e6\u5927\u5b66\u751f\u547d\u79d1\u5b66\u9662 \u4e2d\u56fd\u533b\u79d1\u5927\u5b66\u57fa\u7840\u533b\u5b66\u9662 \u6d59\u6c5f\u5927\u5b66\u751f\u547d\u79d1\u5b66\u9662 \u6e05\u534e\u5927\u5b66\u957f\u5e9a\u533b\u9662 \u89e3\u653e\u519b301\u533b\u9662/307\u533b\u9662 \n</details><details> <summary>\u51fa\u5904 [3] \u5b89\u9f99\u57fa\u56e0\u5546\u4e1a\u8ba1\u5212\u4e6620220111.pdf</summary>\n\u5730 \u5740\uff1a230041\u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u5de5\u4e1a\u533a\u961c\u9633\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3 \u5de5\u6295\u521b\u667a\u5929\u5730A6\u697c \u6388\u6743\u516c\u544a\u65e5\uff1a2020\u5e7401\u670803\u65e5 \u6388\u6743\u516c\u544a\u53f7\uff1aCN106650256B \u56fd\u5bb6\u77e5\u8bc6\u4ea7\u6743\u5c40\u4f9d\u7167\u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd\u4e13\u5229\u6cd5\u8fdb\u884c\u5ba1\u67e5\uff0c \u51b3\u5b9a\u6388\u4e88\u4e13\u5229\u6743\uff0c \u9881\u53d1\u53d1\u660e\u4e13\u5229 \u8bc1\u4e66\u5e76\u5728\u4e13\u5229\u767b\u8bb0\u7c3f\u4e0a\u4e88\u4ee5\u767b\u8bb0\u3002 \u4e13\u5229\u6743\u81ea\u6388\u6743\u516c\u544a\u4e4b\u65e5\u8d77\u751f\u6548\u3002 \u4e13\u5229\u6743\u671f\u9650\u4e3a\u4e8c\u5341\u5e74\uff0c\u81ea \u7533\u8bf7\u65e5\u8d77\u7b97\u3002 \u4e13\u5229\u8bc1\u4e66\u8bb0\u8f7d\u4e13\u5229\u6743\u767b\u8bb0\u65f6\u7684\u6cd5\u5f8b\u72b6\u51b5\u3002 \u4e13\u5229\u6743\u7684\u8f6c\u79fb\u3001\u8d28\u62bc\u3001\u65e0\u6548\u3001\u7ec8\u6b62\u3001\u6062\u590d\u548c\u4e13 \u5229\u6743\u4eba\u7684\u59d3\u540d\u6216\u540d\u79f0\u3001\u56fd\u7c4d\u3001\u5730\u5740\u53d8\u66f4\u7b49\u4e8b\u9879\u8bb0\u8f7d\u5728\u4e13\u5229\u767b\u8bb0\u7b79\u4e0a\u3002 \u8bc6 \u5bb6 \u6743 \u5c40\u957f \u7533\u957f\u96e8 2020\u5e7401\u670803 \u7b2c1\u9875\uff08\u51712\u9875\uff0906421:33 X\u5b89\u9f99\u57fa\u56e0 \u5b89\u9f99\u57fa\u56e0 \u6211\u7684\u8ba2\u5355 \u65b0\u589e\u8ba2\u5355 \u5e38\u89c1\u95ee\u9898 \u62a5\u544a\u6a21\u677f ANL&NG \u57fa\u4e34\u68c0\u670d\u52a1\u4ea7\u54c1\u4f53\u7cfb \u7cbe\u51c6\u514d\u75ab\u6cbb\u7597 \u80bf\u7624\u7cbe\u51c6\u7528\u836f \u80bf\u7624\u65e9\u7b5b \u80bf\u7624\u9057\u4f20\u6027\u7b5b\u67e5 \u9884\u540e\u9884\u6d4b \u514d\u75ab\u7ec4\u5316 PD L1\u7b49\u86cb\u767d\u8868\u8fbe\u68c0\u6d4b \u591a\u91cd\u8367\u5149PCR MSI\u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027\u68c0\u6d4b MSI\u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027 \u68c0\u6d4b \u4e73\u817a\u764c21\u57fa\u56e0\u68c0\u6d4b \u6570\u5b57PCR \n</details>"]]
flagged/component 2/tmp2jlva6zd.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93tumor-diag\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u6dfb\u52a0 xx_ZL0123936.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u8be5\u68c0\u6d4b\u9879\u76ee\u8986\u76d6\u591a\u5c11\u57fa\u56e0\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u8986\u76d6\u57fa\u56e0\u6570\u91cf\u3002\u8bf7\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u4fe1\u606f\uff0c\u4ee5\u4fbf\u6211\u4eec\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u7597\u6548\u5dee \u80be\u6bd2\u6027\u7684\u98ce\u9669\u589e\u52a0 2B \u6ce8\uff1a 1. \u5316\u7597\u7528\u836f\u57fa\u56e0\u68c0\u6d4b\u7684\u662f\u57fa\u56e0\u591a\u6001\u6027\u4f4d\u70b9\uff0c\u4f4d\u70b9\u5217\u7ed9\u51fa\u7684\u662f dbSNP \u6570\u636e\u5e93\u5bf9\u8be5\u4f4d\u70b9\u7684\u5206\u7c7b\u53f7\uff08rs \u7f16\u53f7\uff09\u3002 \u68c0\u6d4b\u7ed3\u679c\u4ee3\u8868\u8be5\u57fa \u56e0\u5ea7\u7b49\u4f4d\u57fa\u56e0\u7684\u7ec4\u5408\u3002 2. \u8bc1\u636e\u7b49\u7ea7\u5212\u5206\u4f9d\u636e\uff1aPharmGKB \u7f51\u7ad9 https://www. pharmgkb. org/page/clinAnnLevels\uff0c \u5171\u5206\u4e3a 4 \u4e2a\u7b49\u7ea7\uff1a 1A\uff1a\u7531\u4e34\u5e8a\u836f\u7269\u57fa\u56e0\u7ec4\u5b66\u5b9e\u65bd\u8054\u76df\uff08CPIC\uff09\u6216\u9057\u4f20\u836f\u7406\u5b66\u6307\u5357\u8ba4\u53ef\uff0c \u6216\u5728\u9057\u4f20\u836f\u7406\u5b66\u7814\u7a76\u7f51\u7edc (PGRN) \u53ca\u5176\u5b83\u4e3b\u8981\u536b\u751f\u7cfb\u7edf \u4e2d\u5df2\u6709\u5e94\u7528\uff1b\n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 34 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 3. 5\u9644\u5f55\u4e94\uff1a\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\u8bf4\u660e 01 \u672c\u6b21\u68c0\u6d4b\u7ed3\u679c\u4ec5\u5728\u68c0\u6d4b\u8303\u56f4\u5185\u9488\u5bf9\u672c\u6b21\u9001\u68c0\u6837\u672c\u8d1f\u8d23\uff0c\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\u5c5e\u4e8e\u60a3\u8005\u4e2a\u4eba\u9690\u79c1\u4fe1\u606f\uff0c\u82e5\u975e\u60a3 \u8005\u672c\u4eba\u77e5\u60c5\u540c\u610f\uff0c\u7981\u6b62\u5411\u4efb\u4f55\u4eba\u6216\u673a\u6784\u590d\u5236\u6216\u4f20\u9001\u672c\u62a5\u544a\u5185\u5bb9\u3002 02 \u672c\u68c0\u6d4b\u62a5\u544a\u4ec5\u9488\u5bf9\u68c0\u6d4b\u57fa\u56e0\u5217\u8868\u4e2d\u7684\u57fa\u56e0\u8fdb\u884c\u5206\u6790\uff0c \u56e0\u6b64\u5f53\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\u65f6\uff0c \u5e76\u4e0d\u80fd\u5b8c\u5168\u6392\u9664\u53d7\u68c0 \u8005\u643a\u5e26\u6709\u5176\u5b83\u57fa\u56e0\u7a81\u53d8\uff0c\n</details>"], ["\u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30\u7684\u7ed3\u679c\u662f\u4ec0\u4e48\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30\u7ed3\u679c\u3002\u56e0\u4e3a\u8be5\u68c0\u6d4b\u9879\u76ee\u662f\u7528\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\uff0c\u65e8\u5728\u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\uff0c\u800c\u975e\u7528\u4e8e\u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n1\u9001\u68c0\u4fe1\u606f \u59d3\u540d\uff1a\u8096\u84d3 \u6027 \u522b\uff1a\u5973 \u8054\u7cfb\u65b9\u5f0f\uff1a \u57fa\u672c\u4fe1\u606f \u5e74\u9f84\uff1a60 \u5c81 \u6837\u672c\u7f16\u53f7\uff1aZL0123936 \u9001\u68c0\u5355\u4f4d\uff1a \u6837\u672c\u7c7b\u578b\uff1a \u8721\u5757\u3001\u5916\u5468\u8840 \u9001\u68c0\u533b\u5e08\uff1a \u53d6\u6837\u90e8\u4f4d\uff1a \u4e34\u5e8a\u8bca\u65ad\uff1a \u4e59\u72b6\u7ed3\u80a0\u764c \u6536\u6837\u65e5\u671f\uff1a 2023-03-24 \u4e34\u5e8a\u5206\u671f\uff1a / \u62a5\u544a\u65e5\u671f\uff1a 2023-04-11 \u5bb6\u65cf\u53f2\uff1a \u9001\u68c0\u9879\u76ee\uff1a NGS \u5b9e\u4f53\u7624 658 \u57fa\u56e0 TMB \u80bf\u7624\u6cbb\u7597\u53f2\uff1a / \u65e2\u5f80\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c\uff1a/ 1. 2\u68c0\u6d4b\u9879\u76ee\u53ca\u7ed3\u679c \u672c\u4ea7\u54c1\u91c7\u7528\u63a2\u9488\u6742\u4ea4\u6355\u83b7\u6280\u672f\u53ca\u9ad8\u901a\u91cf\u6d4b\u5e8f\u6cd5\uff08NGS\uff09\u68c0\u6d4b\u4e0e\u5b9e\u4f53\u7624\u76f8\u5173\u7684 658 \u4e2a\u57fa\u56e0\uff0c \u8986\u76d6 658 \u4e2a\u57fa\u56e0\u91cd\u8981\u5916 \u663e\u5b50\u53ca\u90e8\u5206\u57fa\u56e0\u5185\u542b\u5b50\u533a\u57df\uff0c \u68c0\u6d4b\u53d8\u5f02\u7c7b\u578b\u5305\u542b\u70b9\u7a81\u53d8\u3001\u63d2\u5165/\u7f3a\u5931\u3001\u62f7\u8d1d\u6570\u53d8\u5f02\u53ca\u57fa\u56e0\u91cd\u6392/\u878d\u5408\u3002 \u8be5\u4ea7\u54c1\u8bc4\u4f30\u591a \u7ef4\u514d\u75ab\u6307\u6807\uff0c \u5305\u62ec\u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\uff08MSI\uff09\u72b6\u6001\u3001\u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09\u3001\u80bf\u7624\u7a81\u53d8\u8d1f\u8377\uff08TMB\uff09\u53ca\u514d\u75ab\u6b63\u8d1f\u57fa\u56e0\uff0c \u7efc\u5408\u8bc4\u4f30\u514d\u75ab\u6cbb\u7597\u7597\u6548\uff0c \u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\u3002 \u68c0\u6d4b\u610f\u4e49 \u68c0\u6d4b\u9879\u76ee \u68c0\u6d4b\u7ed3\u679c \u9776\u5411\u7528\u836f\u3001\u8010\u836f\u5206\u6790\u3001\u9884\u540e\u5206\u6790\u53ca\u5206\u5b50 \u5206\u578b 658 \u4e2a\u57fa\u56e0\u70ed\u70b9\u533a\u57df \u5171\u68c0\u51fa\u57fa\u56e0\u7a81\u53d8\u4f4d\u70b9\uff1a109 \u4e2a \u5177\u6709\u4e34\u5e8a\u610f\u4e49\u4f4d\u70b9\uff1a6\u4e2a \u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30 \u80bf\u7624\u7a81\u53d8\u8d1f\u8377\uff08TMB\uff09 TMB-H \uff1a39. 44 Muts/Mb \u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027\uff08MSI\uff09 MSS \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09 \u81f4\u75c5/\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02\uff1a1 \u4e2a \u5316\u7597\u7597\u6548\u53ca\u6bd2\u526f\u4f5c\u7528 \u5316\u7597\u836f\u7269\u7597\u6548\u53ca\u6bd2\u526f\u4f5c\u7528 \u6709\u6548\u6027\u8f83\u9ad8\u836f\u7269\uff1a4 \u4e2a \u6bd2\u526f\u4f5c\u7528\u8f83\u4f4e\u836f\u7269\uff1a6 \u4e2a \u9057\u4f20\u98ce\u9669\u8bc4\u4f30 \u9057\u4f20\u6613\u611f\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u81f4\u75c5/\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02\uff1a0 \u4e2a \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u643a \u5e26\u8be5\u5206\u5b50\u7279\u5f81\u7684\u8f6c\u79fb\u6027\u53bb\u52bf\u62b5\u6297\u6027\u524d\u5217\u817a\u764c\uff08mCRPC\uff09 \u60a3\u8005\u53ef\u80fd\u5bf9 PARP \u6291\u5236\u5242\u53ca\u514d\u75ab\u68c0\u67e5\u70b9\u6291\u5236\u5242\uff08ICIs\uff09 \u654f\u611f\u3002 \u7814\u7a76\u8868\u660e\uff0c \u643a\u5e26 CDK12 \u53cc\u7b49\u4f4d\u57fa\u56e0\u7f3a\u5931 mCRPC \u60a3\u8005\u53ef\u80fd\u5bf9\u514d\u75ab\u6cbb\u7597\u6709\u66f4\u9ad8\u7684\u53cd\u5e94\uff0c 4 \u4f8b CDK12 \u5931\u6d3b \u7a81\u53d8 mCRPC \u4e2d\uff0c 2 \u4f8b\u5bf9 PD-1 \u5355\u836f\u6cbb\u7597\u6709\u6548\uff08PMID\uff1a 29906450\uff09\u3002 \u57fa\u56e0 \u514d\u75ab\u6cbb\u7597 \u76f8\u5173\u6027 \u68c0\u6d4b\u7ed3\u679c \u53d8\u5f02\u89e3\u6790 \u68c0\u6d4b\u610f\u4e49 \u3010\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u3011 ALK \u8d1f\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 \n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n\u800c KRAS/TP53 \u53cc\u7a81\u53d8\u7684\u80ba\u817a\u764c\u53ef\u80fd\u6fc0\u53d1\u708e\u75c7\u578b\u514d\u75ab\u5fae\u73af \u5883\uff0c \u663e\u8457\u589e\u52a0\u80ba\u817a\u764c PD-L1 \u8868\u8fbe\u53ca PD-L1+/TIL+ \u53cc\u9633 \u6027\u6bd4\u4f8b\uff0c \u5177\u6709\u66f4\u5f3a\u7684\u514d\u75ab\u539f\u6027\uff0c \u53ef\u80fd\u662f\u6297 PD-1 \u514d\u75ab\u6cbb \u7597\u7684\u6f5c\u5728\u9884\u6d4b\u6807\u5fd7\u7269\u3002 TP53 \u6b63\u76f8\u5173 p. R213X; p. R248Q \u53ef\u80fd\u7684\u529f\u80fd\u5931 \u6d3b\u6027\u81f4\u764c\u53d8 \u5f02; \u53ef\u80fd\u7684\u529f\u80fd\u5931 \u6d3b\u6027\u81f4\u764c\u53d8\u5f02 \u57fa\u56e0 \u514d\u75ab\u6cbb\u7597 \u76f8\u5173\u6027 \u68c0\u6d4b\u7ed3\u679c \u53d8\u5f02\u89e3\u6790 \u68c0\u6d4b\u610f\u4e49 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 15 \u9875/\u5171 36 \u9875 \n</details>"], ["\u654f\u611f\u836f\u7269\u662f\u4ec0\u4e48\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u654f\u611f\u836f\u7269\u3002\u56e0\u4e3a\u8be5\u68c0\u6d4b\u9879\u76ee\u662f\u7528\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\uff0c\u65e8\u5728\u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\uff0c\u800c\u975e\u7528\u4e8e\u654f\u611f\u836f\u7269\u7684\u8bc4\u4f30\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u4e2a \u9057\u4f20\u98ce\u9669\u8bc4\u4f30 \u9057\u4f20\u6613\u611f\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u81f4\u75c5/\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02\uff1a0 \u4e2a \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 1 \u9875/\u5171 36 \u9875 8\u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 1. 3\u4e34\u5e8a\u7528\u836f\u63d0\u793a 1. 3. 1 \u9776\u5411\u7528\u836f\u63d0\u793a \u654f\u611f\u836f\u7269 \u3010\u672c\u764c\u79cd\u83b7\u6279/\u6307\u5357\u63a8\u8350\u3011 \u5e15\u5c3c\u5355\u6297\u3001\u8d1d\u4f10\u73e0\u5355\u6297\u3001\u897f\u59a5\u6614\u5355\u6297 \u53ef\u80fd\u654f\u611f\u836f\u7269 \u3010\u5176\u4ed6\u764c\u79cd\u83b7\u6279/\u4e34\u5e8a\u8bd5\u9a8c\u3011 JW55\u3001AZD1775\u3001APR-246\u3001Ganetespib\u3001G007-LK\u3001\u897f\u7f57\u83ab\u53f8 \u8010\u836f\u836f\u7269 \u3010\u672c\u764c\u79cd\u83b7\u6279\u53ca\u6307\u5357\u6536\u5f55\u8bc1\u636e\u3011 \u65e0 \u53ef\u80fd\u8010\u836f\u836f\u7269 \u3010\u4e34\u5e8a\u7814\u7a76/\u5176\u4ed6\u764c\u79cd\u8010\u836f\u63d0\u793a\u3011 \u65e0 \u8865\u5145\u8bf4\u660e\uff1a 1. \u4f18\u5148\u9009\u62e9\u654f\u611f\u836f\u7269\uff1aFDA/NMPA \u6279\u51c6\u53ca\u6307\u5357\u63a8\u8350\u7528\u4e8e\u672c\u764c\u79cd\u7684\u9776\u5411\u836f\u7269\uff1b 2. \u82e5\u6837\u672c\u540c\u65f6\u68c0\u51fa\u654f\u611f\u7a81\u53d8\u548c\u8010\u836f\u7a81\u53d8\uff0c\u7528\u836f\u65f6\u8bf7\u7efc\u5408\u8003\u8651\uff0c\u7528\u836f\u5faa\u8bc1\u8be6\u89c1 2. 2\u8282\u3002 \u7528\u836f\u9700\u9075\u533b\u5631\uff0c\u8c28\u614e\u7528\u836f\u3002 1. 3. 2 \u514d\u75ab\u7528\u836f\u63d0\u793a \u514d\u75ab\u6307\u6807 \u68c0\u6d4b\u7ed3\u679c \u7ed3\u679c\u89e3\u8bfb TMB TMB-H \u7528\u836f\u8be6\u89c1 2. 3. 1\u8282 MSI MSS \u7528\u836f\u8be6\u89c1 2. 3. 2\u8282 \u8865\u5145\u8bf4\u660e\uff1a 1.\n</details>"], ["\u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c\u662f\u4ec0\u4e48\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c\u3002\u56e0\u4e3a\u8be5\u68c0\u6d4b\u9879\u76ee\u662f\u7528\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\uff0c\u65e8\u5728\u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\uff0c\u800c\u975e\u7528\u4e8e\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u5bf9\u4e8e\u5927\u6837\u672c\u4eba\u7fa4\u4e0e\u7279\u5b9a\u75be\u75c5 \u7c7b\u578b\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c \u4ece\u800c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c \u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb \u884c\u7cbe\u51c6\u5206\u7c7b\uff0c \u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c \u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002 \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002 \u6211\u4eec\u575a\u4fe1\uff0c\u6562\u4e8e\u76f4\u9762\u80bf\u7624\u7684\u60a8\u4e0d\u4ec5\u662f\u751f\u547d\u7684\u52c7\u58eb\uff0c\u66f4\u662f\u751f\u6d3b\u7684\u5f3a\u8005\uff01 \u5728\u6218\u80dc\u80bf\u7624\u7684\u9053\u8def\u4e0a\uff0c\u6211\u4eec\u4e3a\u60a8\u79d1\u5b66\u62a4\u822a\uff0c\u4e0e\u60a8 \u4e00\u8d77\u6218\u6597\uff01\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n1 \u9001\u68c0\u4fe1\u606f 1 1. 2 \u68c0\u6d4b\u9879\u76ee\u53ca\u7ed3\u679c 1 1. 3 \u4e34\u5e8a\u7528\u836f\u63d0\u793a 2 1. 3. 1 \u9776\u5411\u7528\u836f\u63d0\u793a 2 1. 3. 2 \u514d\u75ab\u7528\u836f\u63d0\u793a 2 1. 3. 3 \u5316\u7597\u7528\u836f\u63d0\u793a 2 02 \u68c0\u6d4b\u7ed3\u679c\u8be6\u7ec6\u89e3\u8bfb 2. 1 \u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c 3 2. 2 \u9776\u5411\u57fa\u56e0\u7ed3\u679c\u89e3\u8bfb 4 2. 3 \u514d\u75ab\u6cbb\u7597\u76f8\u5173\u68c0\u6d4b\u7ed3\u679c\u89e3\u8bfb 9 2. 3. 1 \u80bf\u7624\u7a81\u53d8\u8d1f\u8377\uff08TMB\uff09 9 2. 3. 2 \u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027\uff08MSI\uff09 11 2. 3. 3 DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09 12 2. 3.\n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n\u7528\u836f\u9700\u9075\u533b\u5631\uff0c\u8c28\u614e\u7528\u836f\u3002 1. 3. 3 \u5316\u7597\u7528\u836f\u63d0\u793a \u5177\u4f53\u5206\u6790\u7ed3\u679c\u89c1 2. 4\u8282\u3002 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 2 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 02\u68c0\u6d4b\u7ed3\u679c\u8be6\u7ec6\u89e3\u8bfb Detailed analysis of test results 2. 1\u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u672c\u5217\u8868\u5c55\u793a\u6307\u5357\u53ca\u5171\u8bc6\u63a8\u8350\u68c0\u6d4b\u5b9e\u4f53\u7624\u76f8\u5173\u70ed\u70b9\u57fa\u56e0\u7684\u7a81\u53d8\u60c5\u51b5\uff1a AKT1 \u70b9\u7a81\u53d8 \u9634\u6027 - - ALK \n</details><details> <summary>\u51fa\u5904 [4] xx_ZL0123936.pdf</summary>\n3. 4 \u6f5c\u5728\u5f71\u54cd\u514d\u75ab\u6cbb\u7597\u7597\u6548\u7684\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u5b89\u62e9\u5eb7\u2013NGS \u5b9e\u4f53\u7624 658 \u57fa\u56e0 TMB \u68c0\u6d4b\u5305\u542b\u4e0e\u514d\u75ab\u6cbb\u7597\u7597\u6548\u76f8\u5173\u57fa\u56e0\uff1a\u6b63\u76f8\u5173\u3001\u8d1f\u76f8\u5173\u4ee5\u53ca\u8d85\u8fdb\u5c55\u76f8\u5173\u57fa\u56e0\uff0c \u8fd9\u4e9b\u57fa\u56e0 \u6765\u6e90\u4e8e\u90e8\u5206\u764c\u79cd\u7684\u4e34\u5e8a\u524d\u6216\u521d\u671f\u7814\u7a76\u7ed3\u679c\uff0c \u68c0\u6d4b\u7ed3\u679c\u4ec5\u4f9b\u4e34\u5e8a\u53c2\u8003\u3002 \u3010\u5b9e\u4f53\u7624\u3011 MLH1 \u6b63\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 - - DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09\u53d1\u751f\u81f4\u75c5\u6216\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02 \u65f6\uff0c\u53ef\u80fd\u4f1a\u5bfc\u81f4 MSI-H \u6216 dMMR\uff0c\u4e0e\u514d\u75ab\u68c0\u67e5\u70b9\u6291\u5236 \u5242\uff08ICIs\uff09\u7597\u6548\u5448\u6b63\u76f8\u5173\u3002\n</details>"], ["\u836f\u7269\u8be2\u8bc1\u662f\u6307\u4ec0\u4e48\uff1f", "<p>\u836f\u7269\u8be2\u8bc1\u662f\u6307\u9488\u5bf9\u53d7\u68c0\u8005\u80bf\u7624\u7c7b\u578b\uff0c\u6240\u5217\u751f\u7269\u6807\u5fd7\u7269\u4e0e\u836f\u7269\u54cd\u5e94\u5173\u7cfb\u7684\u8bc1\u636e\u6765\u6e90\u3002\u672c\u62a5\u544a\u6240\u91c7\u7528\u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u662f\u5728\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u6570\u636e\u5e93 OncoKB \u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u7684\u57fa\u7840\u4e0a\uff0c\u878d\u5165 NMPA \u836f\u54c1\u8bf4\u660e\u4e66\u53ca\u56fd\u5185\u6307\u5357\u5171\u8bc6\u53ca\u4e34\u5e8a\u8bd5\u9a8c\u8bc1\u636e\uff0c\u5171\u5212\u5206\u4e3a 6 \u4e2a\u7b49\u7ea7\uff0c\u5305\u62ec\u672c\u764c\u79cd\u7528\u836f\u63d0\u793a\u654f\u611f\u5305\u62ec 1 \u7ea7\u548c 2 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c\u53ef\u80fd\u654f\u611f\u5305\u62ec 3A \u7ea7\u548c 4 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c\u6f5c\u5728\u8010\u836f\u5305\u62ec R1 \u7ea7\u548c R2 \u7ea7\u8be2\u8bc1\u836f\u7269\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u7ea7) \u53ef\u80fd\u654f\u611f (3B \u7ea7) \u6ce8\uff1a 1. \u836f\u7269\u8be2\u8bc1\u662f\u6307\uff0c\u9488\u5bf9\u53d7\u68c0\u8005\u80bf\u7624\u7c7b\u578b\uff0c\u6240\u5217\u751f\u7269\u6807\u5fd7\u7269\u4e0e\u836f\u7269\u54cd\u5e94\u5173\u7cfb\u7684\u8bc1\u636e\u6765\u6e90\u3002 \u672c\u62a5\u544a\u6240\u91c7\u7528\u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u662f\u5728\u80bf\u7624 \u7cbe\u51c6\u7528\u836f\u6570\u636e\u5e93 OncoKB \u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u7684\u57fa\u7840\u4e0a\uff0c \u878d\u5165 NMPA \u836f\u54c1\u8bf4\u660e\u4e66\u53ca\u56fd\u5185\u6307\u5357\u5171\u8bc6\u53ca\u4e34\u5e8a\u8bd5\u9a8c\u8bc1\u636e\uff0c \u5171\u5212\u5206\u4e3a 6 \u4e2a \u7b49\u7ea7\u5982\u4e0b\uff0c \u672c\u764c\u79cd\u7528\u836f\u63d0\u793a\u654f\u611f\u5305\u62ec 1 \u7ea7\u548c 2 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c \u53ef\u80fd\u654f\u611f\u5305\u62ec 3A \u7ea7\u548c 4 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c \u6f5c\u5728\u8010\u836f\u5305\u62ec R1 \u7ea7\u548c R2 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c\n</details>"], ["\u4ec0\u4e48\u662f\u7a81\u53d8\u4e30\u5ea6\uff1f", "<p>\u7a81\u53d8\u4e30\u5ea6\u662f\u6307\u67d0\u4e2a\u57fa\u56e0\u4f4d\u70b9\u7a81\u53d8\u7b49\u4f4d\u57fa\u56e0\u5360\u6240\u6709\u7b49\u4f4d\u57fa\u56e0\u7684\u6bd4\u4f8b\uff0c\u5373\u7b49\u4e8e\u7a81\u53d8\u578b/\uff08\u7a81\u53d8\u578b + \u91ce\u751f\u578b\uff09\u3002\u5b83\u4e3b\u8981\u7528\u4e8e\u70b9\u7a81\u53d8\u6216\u5c0f\u7247\u6bb5\u63d2\u5165\u7f3a\u5931\u60c5\u51b5\u7684\u8bc4\u4f30\u3002\u5728\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u6570\u636e\u5e93 OncoKB \u4e2d\uff0c\u7a81\u53d8\u4e30\u5ea6\u88ab\u5212\u5206\u4e3a R1\u3001R2\u3001R3 \u4e09\u4e2a\u7b49\u7ea7\uff0c\u7528\u4e8e\u9884\u6d4b\u540c\u79cd\u836f\u7269\u7684\u8010\u836f\u6027\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n R2 \u7ea7\uff1a\u672c\u764c\u79cd\u4e2d\uff0c\u4e34\u5e8a\u8bd5\u9a8c\u63d0\u793a\u8be5\u751f\u7269\u6807\u5fd7\u7269\u53ef\u80fd\u5bfc\u81f4\u8010\u836f\uff1b \u6216\u5176\u4ed6\u764c\u79cd\u7684\u836f\u54c1\u8bf4\u660e\u4e66\u6216\u6307\u5357\u6307\u51fa\u8be5\u751f\u7269\u6807\u5fd7\u7269\u9884\u6d4b\u540c\u79cd\u836f \u7269\u7684\u8010\u836f\u6027\u3002 2. \u7a81\u53d8\u4e30\u5ea6\uff1a\u67d0\u4e2a\u57fa\u56e0\u4f4d\u70b9\u7684\u7a81\u53d8\u7b49\u4f4d\u57fa\u56e0\u5360\u6240\u6709\u7b49\u4f4d\u57fa\u56e0\u7684\u6bd4\u4f8b\uff0c\u5373\u7b49\u4e8e\u7a81\u53d8\u578b/\uff08\u7a81\u53d8\u578b + \u91ce\u751f\u578b\uff09\uff0c\u4e00\u822c\u9488\u5bf9\u70b9\u7a81\u53d8\u6216 \u5c0f\u7247\u6bb5\u63d2\u5165\u7f3a\u5931\u60c5\u51b5\uff1b \u62f7\u8d1d\u6570\uff1a\u53d7\u68c0\u8005\u57fa\u56e0\u62f7\u8d1d\u6570\u53d8\u5316\u60c5\u51b5\uff0c\u4ee5 2 \u4e3a\u6b63\u5e38\u503c\u3002 \u7a81\u53d8\u4e30\u5ea6\u548c\u62f7\u8d1d\u6570\u53d7\u80bf\u7624\u7ec6\u80de\u542b\u91cf\u548c\u53d6\u6750\u7b49\u56e0 \u7d20\u7684\u5f71\u54cd\u3002 3. \u672c\u62a5\u544a\u68c0\u6d4b\u7ed3\u679c\u53ca\u7528\u836f\u63a8\u8350\u4ec5\u4f9b\u4e34\u5e8a\u53c2\u8003\uff0c\u5177\u4f53\u9700\u4e34\u5e8a\u533b\u751f\u7ed3\u5408\u60a3\u8005\u5b9e\u9645\u60c5\u51b5\u786e\u5b9a\u5408\u7406\u7684\u6cbb\u7597\u65b9\u6848\u3002\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n 3. \u7ed3\u679c\u63d0\u793a\uff1a\u82e5\u68c0\u6d4b\u7ed3\u679c\u4e3a MSI-H\uff0c\u63d0\u793a\u4ece\u514d\u75ab\u6cbb\u7597\u4e2d\u83b7\u76ca\u53ef\u80fd\u6027\u8f83\u9ad8\uff1b \u82e5\u68c0\u6d4b\u7ed3\u679c\u4e3a MSS\uff0c\u63d0\u793a\u4ece\u514d\u75ab\u6cbb\u7597\u4e2d\u83b7\u76ca\u53ef\u80fd\u6027 \u8f83\u4f4e\uff0c\u9700\u7ed3\u5408\u5176\u4ed6\u6307\u6807\u7efc\u5408\u8bc4\u4f30\u7528\u836f\u3002 \u6807\u5fd7\u7269\u89e3\u6790\uff1a 1. \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 2. 3. 3 DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09 - - DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09- - \u57fa\u56e0 \u5916\u663e\u5b50 \u6838\u82f7\u9178\u53d8\u5f02 \u6c28\u57fa\u9178\u53d8\u5f02 \u7a81\u53d8\u4e30\u5ea6 \u4e34\u5e8a\u610f\u4e49 \u7a81\u53d8\u6765\u6e90 MLH1 - - - - - - - - - - - - MSH2 - - - \n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n636G>A p. A212A 1. 70% COSV58998843 \u201c.\u201d\u8868\u793a\u8be5\u7a81\u53d8\u672a\u6709 cosmic \u6570\u636e\u5e93\u8bb0\u5f55 - - \u57fa\u56e0\u62f7\u8d1d\u6570\u5206\u6790\u7ed3\u679c - - \u57fa\u56e0 \u67d3\u8272\u4f53\u4f4d\u7f6e \u62f7\u8d1d\u6570 JUN chr1 9. 03 - - \u57fa\u56e0\u91cd\u6392\u5206\u6790\u7ed3\u679c - - 5 \u2032 \u7aef\u7a81\u53d8 3 \u2032 \u7aef\u7a81\u53d8 \u53d8\u5f02 \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u7a81\u53d8\u4e30\u5ea6 - - - - - - - - - - - - - - - - \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 25 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae - - \u80da\u7cfb\u81f4\u75c5\u6027\u53d8\u5f02\u5206\u6790\u7ed3\u679c - - \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u6838\u82f7\u9178\u53d8\u5f02 \u6c28\u57fa\u9178\u53d8\u5f02 \u7a81\u53d8\u4e30\u5ea6 \u4e34\u5e8a\u610f\u4e49 - - - - - - - - - - - - - - - - \u672a\u68c0\u6d4b\u5230\u53d8\u5f02\u7684\u70ed\u70b9\u57fa\u56e0 - - CDKN2B PDGFRA SMAD4 HRAS ATM EGFR RET CTNNB1 AKT1 MAP2K1 EZH2 RAD51B EPCAM FH BRIP1 TSC2 ROS1 TSC1 RAD51D BAP1 \n</details>"], ["\u8096\u84d3\u7684\u68c0\u6d4b\u7ed3\u679c\u5982\u4f55\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u51fa\u8096\u84d3\u7684\u68c0\u6d4b\u7ed3\u679c\u3002\u56e0\u4e3a\u8be5\u95ee\u9898\u6ca1\u6709\u63d0\u4f9b\u8db3\u591f\u7684\u76f8\u5173\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u786e\u5b9a\u62a5\u544a\u7f16\u53f7\u4e3a502491\u7684\u5b89\u62e9\u5eb7\u00ae\u7684\u68c0\u6d4b\u6982\u89c8\u4e2d\u662f\u5426\u6709\u5173\u4e8e\u8096\u84d3\u7684\u68c0\u6d4b\u7ed3\u679c\u7684\u63cf\u8ff0\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n4 \u5316\u7597\u836f\u7269\u68c0\u6d4b\u7ed3\u679c\u53ca\u4e34\u5e8a\u7528\u836f\u63d0\u793a 17 2. 5 \u9057\u4f20\u6613\u611f\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c 21 03 \u9644\u5f55 3. 1 \u9644\u5f55\u4e00\uff1a\u57fa\u56e0\u53d8\u5f02\u6c47\u603b 22 3. 2 \u9644\u5f55\u4e8c\uff1a\u6837\u672c\u8d28\u63a7 27 3. 3 \u9644\u5f55\u4e09\uff1a\u57fa\u56e0\u5217\u8868 28 3. 4 \u9644\u5f55\u56db\uff1a\u53c2\u8003\u6587\u732e 33 3. 5 \u9644\u5f55\u4e94\uff1a\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\u8bf4\u660e 35 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 01\u68c0\u6d4b\u6982\u89c8 Test Overview 1. 1\u9001\u68c0\u4fe1\u606f \u59d3\u540d\uff1a\u8096\u84d3 \u6027 \u522b\uff1a\u5973 \u8054\u7cfb\u65b9\u5f0f\uff1a \u57fa\u672c\u4fe1\u606f \u5e74\u9f84\uff1a60 \u5c81 \u6837\u672c\u7f16\u53f7\uff1aZL0123936 \u9001\u68c0\u5355\u4f4d\uff1a \n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u5176\u4e2d\uff0c\u7597\u6548\u9884\u6d4b\u6216\u6bd2\u526f\u98ce \u9669\u9884\u6d4b\u4e2d\u6807\u201c- - \u201d\u8868\u793a\u76ee\u524d\u7814\u7a76\u7ed3\u679c\u8f83\u5c11\u6216\u8be2\u8bc1\u7ea7\u522b\u8f83\u4f4e\uff0c\u4e0d\u8db3\u4ee5\u63d0\u4f9b\u7528\u836f\u5efa\u8bae\uff1b 3. \u5bf9\u4e8e\u6709\u6548\u6027\u6216\u6bd2\u526f\u4f5c\u7528\u5bf9\u5e94\u591a\u4e2a\u57fa\u56e0\u591a\u6001\u6027\u4f4d\u70b9\u7684\u836f\u7269\uff0c\u4f1a\u6839\u636e\u8bc1\u636e\u652f\u6301\u7b49\u7ea7\u7b49\u4fe1\u606f\u8fdb\u884c\u7efc\u5408\u89e3\u8bfb\uff1b 4. \u6b64\u5904\u68c0\u6d4b\u7ed3\u679c\u4e0d\u5177\u6709\u4e34\u5e8a\u533b\u5631\u6027\u8d28\uff0c\u4ec5\u4f9b\u4e34\u5e8a\u533b\u5e08\u53c2\u8003\uff0c\u4e0d\u4f5c\u4e3a\u76f4\u63a5\u7528\u836f\u4f9d\u636e\u3002 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 17 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae \u3010\u5316\u7597\u7528\u836f\u65b9\u6848\u89e3\u6790\u3011 \u836f\u7269\uff1a5-\u6c1f\u5c3f\u5627\u5576 \u57fa\u56e0 \n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\nGA \u8f83\u77ed\u7684\u603b\u751f\u5b58\u65f6\u95f4 - - 3 TYMS rs151264360 ID \u6709\u5229\u4e8e\u5ef6\u957f\u65e0\u8fdb\u5c55\u751f\u5b58\u671f - - 3 \u836f\u7269\uff1a\u591a\u897f\u4ed6\u8d5b \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 18 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae \u57fa\u56e0 \u4f4d\u70b9 \u68c0\u6d4b\u7ed3\u679c \u7597\u6548 \u6bd2\u526f\u4f5c\u7528 \u8bc1\u636e\u7b49\u7ea7 CASP7 rs2227310 CG \u589e\u52a0\u603b\u4f53\u751f\u5b58\u65f6\u95f4 - - 3 CASP7 rs12415607 CA \u589e\u52a0\u603b\u4f53\u751f\u5b58\u65f6\u95f4 - - \n</details><details> <summary>\u51fa\u5904 [4] xx_ZL0123936.pdf</summary>\n\u57fa\u56e0 \u4f4d\u70b9 \u68c0\u6d4b\u7ed3\u679c \u7597\u6548 \u6bd2\u526f\u4f5c\u7528 \u8bc1\u636e\u7b49\u7ea7 GSTP1 rs1695 AA \u836f\u7269\u53cd\u5e94\u589e\u52a0 \u6bd2\u6027\u53cd\u5e94\u7684\u4e25\u91cd\u7a0b\u5ea6\u4e0b\u964d 2A \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 19 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae \u836f\u7269\uff1a\u957f\u6625\u65b0\u78b1 \u57fa\u56e0 \u4f4d\u70b9 \u68c0\u6d4b\u7ed3\u679c \u7597\u6548 \u6bd2\u526f\u4f5c\u7528 \u8bc1\u636e\u7b49\u7ea7 ABCB1 rs1045642 AG \u65e0\u4e8b\u4ef6\u751f\u5b58\u7387\u53ef\u80fd\u964d\u4f4e - - 3 ABCB1 rs2032582 AA \u603b\u4f53\u751f\u5b58\u671f\u589e\u52a0 \n</details><details> <summary>\u51fa\u5904 [5] xx_ZL0123936.pdf</summary>\n\u53d8\u5f02 \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u7a81\u53d8\u4e30\u5ea6 - - - - - - - - - - - - - - - - \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 25 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae - - \u80da\u7cfb\u81f4\u75c5\u6027\u53d8\u5f02\u5206\u6790\u7ed3\u679c - - \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u6838\u82f7\u9178\u53d8\u5f02 \u6c28\u57fa\u9178\u53d8\u5f02 \u7a81\u53d8\u4e30\u5ea6 \u4e34\u5e8a\u610f\u4e49 - - - - - - - - - - - - - - - - \u672a\u68c0\u6d4b\u5230\u53d8\u5f02\u7684\u70ed\u70b9\u57fa\u56e0 - \n</details>"], ["\u5e15\u5c3c\u5355\u6297\u662f\u4ec0\u4e48\uff1f", "<p>\u5e15\u5c3c\u5355\u6297\uff08Panitumumab\uff0cVectibix\uff09\u662f\u4e00\u79cd\u91cd\u7ec4\u7684\u4eba\u6e90\u5316 IgG2 \u5355\u6297\uff0c\u7279\u5f02\u6027\u7ed3\u5408\u8868\u76ae\u751f\u957f\u56e0\u5b50\u53d7\u4f53\uff08EGFR\uff09\u3002\u5b83\u88ab\u7528\u4e8e\u6cbb\u7597\u67d0\u4e9b\u7c7b\u578b\u7684\u7ed3\u80a0\u764c\uff0c\u5305\u62ec\u5de6\u534a\u7ed3\u80a0\u764c\u548c\u53f3\u534a\u7ed3\u80a0\u764c\u3002\u5e15\u5c3c\u5355\u6297\u901a\u8fc7\u7ade\u4e89\u6027\u5730\u6291\u5236\u914d\u4f53\u4e0eEGFR\u7ed3\u5408\uff0c\u963b\u65ad\u914d\u4f53\u8bf1\u5bfc\u7684\u53d7\u4f53\u81ea\u78f7\u9178\u5316\u548c\u53d7\u4f53\u76f8\u5173\u6fc0\u9176\u7684\u6fc0\u6d3b\uff0c\u4ece\u800c\u6291\u5236\u7ec6\u80de\u751f\u957f\uff0c\u8bf1\u5bfc\u7ec6\u80de\u51cb\u4ea1\uff0c\u964d\u4f4e\u4fc3\u708e\u6027\u7ec6\u80de\u56e0\u5b50\u548c\u8840\u7ba1\u751f\u957f\u56e0\u5b50\u7684\u4ea7\u751f\u3002\u5e15\u5c3c\u5355\u6297\u5df2\u7ecf\u83b7\u5f97\u4e86 FDA \u7684\u6279\u51c6\uff0c\u7528\u4e8e\u6cbb\u7597\u5148\u524d\u63a5\u53d7\u6807\u51c6\u5316\u7597\u540e\u8fdb\u5c55\u7684 RAS\u91ce\u751f\u578b\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\uff0c\u4ee5\u53ca\u8054\u5408\u5316\u7597\u7528\u4e8e RAS\u91ce\u751f\u578b\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\u7684\u4e00\u7ebf\u6cbb\u7597\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n1 \u9875/\u5171 36 \u9875 8\u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 1. 3\u4e34\u5e8a\u7528\u836f\u63d0\u793a 1. 3. 1 \u9776\u5411\u7528\u836f\u63d0\u793a \u654f\u611f\u836f\u7269 \u3010\u672c\u764c\u79cd\u83b7\u6279/\u6307\u5357\u63a8\u8350\u3011 \u5e15\u5c3c\u5355\u6297\u3001\u8d1d\u4f10\u73e0\u5355\u6297\u3001\u897f\u59a5\u6614\u5355\u6297 \u53ef\u80fd\u654f\u611f\u836f\u7269 \u3010\u5176\u4ed6\u764c\u79cd\u83b7\u6279/\u4e34\u5e8a\u8bd5\u9a8c\u3011 JW55\u3001AZD1775\u3001APR-246\u3001Ganetespib\u3001G007-LK\u3001\u897f\u7f57\u83ab\u53f8 \u8010\u836f\u836f\u7269 \u3010\u672c\u764c\u79cd\u83b7\u6279\u53ca\u6307\u5357\u6536\u5f55\u8bc1\u636e\u3011 \u65e0 \u53ef\u80fd\u8010\u836f\u836f\u7269 \u3010\u4e34\u5e8a\u7814\u7a76/\u5176\u4ed6\u764c\u79cd\u8010\u836f\u63d0\u793a\u3011 \u65e0 \u8865\u5145\u8bf4\u660e\uff1a 1.\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\nR1242H (\u7a81\u53d8\u4e30\u5ea6: 1. 80%) \u65e0 \u65e0 \u65e0 \u65e0 JUN: \u62f7\u8d1d\u6570\u6269\u589e (\u62f7\u8d1d\u6570: 9. 03) \u65e0 \u65e0 \u65e0 \u65e0 TP53: NM_000546: exon7: c. 743G>A: p. R248Q (\u7a81\u53d8\u4e30\u5ea6: 50. 70%) \u65e0 Ganetespib (4 \u7ea7); AZD1775 (4 \u7ea7) \u65e0 APR-246 (3B \u7ea7) KRAS \u91ce\u751f\u578b; NRAS \u91ce\u751f\u578b; BRAF \u91ce\u751f\u578b \u5e15\u5c3c\u5355\u6297 (1 \u7ea7); \u897f\u59a5\u6614\u5355\u6297 (1 \u7ea7); \u8d1d\u4f10\u73e0\u5355\u6297 (2 \u7ea7) \u65e0 \u65e0 \u65e0 \u57fa\u56e0\u53d8\u5f02 \n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n \u5206\u6790\u6570\u636e\u663e\u793a\uff1a\u5728\u5de6\u534a\u7ed3\u80a0\u764c\uff0c\u897f\u59a5\u6614\u5355\u6297\u5728\u5ba2\u89c2\u6709\u6548\u7387\u548c\u603b\u751f\u5b58\u4e0a\u5747\u4f18\u4e8e\u8d1d\u4f10\u73e0\u5355\u6297\uff1b \u800c\u5728\u53f3\u534a\u7ed3\u80a0 \u764c\uff0c\u897f\u59a5\u6614\u5355\u6297\u867d\u7136\u5728\u5ba2\u89c2\u6709\u6548\u7387\u4e0a\u53ef\u80fd\u5b58\u5728\u4e00\u5b9a\u4f18\u52bf\uff0c\u4f46\u5728\u603b\u751f\u5b58\u671f\u4e0a\u4e0d\u5982\u8d1d\u4f10\u73e0\u5355\u6297\uff0c\u53f3\u534a\u7ed3\u80a0\u764c \u4e00\u7ebf\u6cbb\u7597\u53ef\u8003\u8651\u8d1d\u4f10\u73e0\u5355\u6297\u8054\u5408\u5316\u7597\u3002 \u3010\u672c\u764c\u79cd\u76f8\u5173\u83b7\u6279\u53ca\u6307\u5357\u63a8\u8350\u836f\u7269\u3011 \u5e15\u5c3c\u5355\u6297\u3001\u8d1d\u4f10\u73e0\u5355\u6297\u3001\u897f\u59a5\u6614\u5355\u6297 \u836f\u7269\u540d\u79f0 \u5e15\u5c3c\u5355\u6297 \u836f\u7269\u8bf4\u660e \u5e15\u5c3c\u5355\u6297\uff08Panitumumab\uff0c Vectibix\uff09\u662f\u91cd\u7ec4\u7684\u4eba\u6e90\u5316 IgG2 \u5355\u6297\uff0c \u7279\u5f02\u6027\u7ed3\u5408\u8868\u76ae\u751f\u957f\u56e0\u5b50\u53d7\u4f53 \uff08EGFR\uff09\u3002 \u5e15\u5c3c\u5355\u6297\u4e0e\u80de\u5916\u7684 EGFR \u7279\u5f02\u6027\u7ed3\u5408\uff0c \u7ade\u4e89\u6027\u5730\u6291\u5236\u914d\u4f53\u4e0e EGFR \u7ed3\u5408\uff0c \u53ef\u963b\u65ad\u914d\u4f53\u8bf1\u5bfc\u7684 \u53d7\u4f53\u81ea\u78f7\u9178\u5316\u548c\u53d7\u4f53\u76f8\u5173\u6fc0\u9176\u7684\u6fc0\u6d3b\uff0c \u4ece\u800c\u6291\u5236\u7ec6\u80de\u751f\u957f\uff0c \u8bf1\u5bfc\u7ec6\u80de\u51cb\u4ea1\uff0c \u964d\u4f4e\u4fc3\u708e\u6027\u7ec6\u80de\u56e0\u5b50\u548c\u8840\u7ba1 \u751f\u957f\u56e0\u5b50\u7684\u4ea7\u751f\u3002 \u83b7\u6279\u9002\u5e94\u75c7 FDA \u6279\u51c6\u5176\u7528\u4e8e\uff1a1\uff09\u5355\u836f\u6cbb\u7597\u5148\u524d\u63a5\u53d7\u6807\u51c6\u5316\u7597\uff08\u542b\u6c1f\u5c3f\u5627\u5576\u3001\u5965\u6c99\u5229\u94c2\u3001\u4f0a\u7acb\u66ff\u5eb7\uff09\u540e\u53d1\u751f\u75be\u75c5\u8fdb \u5c55\u7684 RAS \u91ce\u751f\u578b\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\uff1b 2\uff09\u8054\u5408\u5316\u7597\uff08FOLFOX\uff09\u7528\u4e8e RAS \u91ce\u751f\u578b\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\u7684\u4e00\u7ebf \u6cbb\u7597\u3002 \u836f\u7269\u7597\u6548 PRIME \u7814\u7a76\u662f\u4e00\u9879\u591a\u4e2d\u5fc3\u7684 III \u671f\u4e34\u5e8a\u8bd5\u9a8c\uff0c \u5171\u5165\u7ec4 1183 \u4f8b\u665a\u671f\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\uff08mCRC\uff09\u60a3\u8005\uff0c \u6309 1:1 \u968f\u673a\u5206\u914d\u5230\u5e15\u5c3c\u5355\u6297\u8054\u5408 FOLFOX \u7ec4\u53ca FOLFOX \u5355\u836f\u7ec4\uff0c \u4e3b\u8981\u7814\u7a76\u7ec8\u70b9\u4e3a\u65e0\u8fdb\u5c55\u751f\u5b58\u671f PFS\u3002 \u7ed3 \u679c\u663e\u793a\uff0c\u5bf9\u4e8e KRAS \u91ce\u751f\u578b mCRC \u60a3\u8005\uff0c\u4e0e\u5355\u7528 FOLFOX \u65b9\u6848\u76f8\u6bd4\uff0c\u5e15\u5c3c\u5355\u6297\u8054\u5408 FOLFOX \u65b9\u6848\uff0c\u53ef \u4ee5\u660e\u663e\u6539\u5584\u60a3\u8005\u7684 PFS\uff089. 6 \u4e2a\u6708 vs. 8.\n</details>"], ["\u5e15\u5c3c\u5355\u6297\u662f\u4ec0\u4e48\uff1f", "\u5e15\u5c3c\u5355\u6297\uff08Panitumumab\uff0cVectibix\uff09\u662f\u4e00\u79cd\u91cd\u7ec4\u7684\u4eba\u6e90\u5316 IgG2 \u5355\u6297\uff0c\u7279\u5f02\u6027\u7ed3\u5408\u8868\u76ae\u751f\u957f\u56e0\u5b50\u53d7\u4f53\uff08EGFR\uff09\u3002\u5b83\u7528\u4e8e\u6cbb\u7597\u67d0\u4e9b\u7c7b\u578b\u7684\u7ed3\u80a0\u764c\uff0c\u5305\u62ec\u5de6\u534a\u7ed3\u80a0\u764c\u548c\u53f3\u534a\u7ed3\u80a0\u764c\u3002\u5e15\u5c3c\u5355\u6297\u901a\u8fc7\u7ade\u4e89\u6027\u5730\u6291\u5236\u914d\u4f53\u4e0eEGFR\u7ed3\u5408\uff0c\u963b\u65ad\u914d\u4f53\u8bf1\u5bfc\u7684\u53d7\u4f53\u81ea\u78f7\u9178\u5316\u548c\u53d7\u4f53\u76f8\u5173\u6fc0\u9176\u7684\u6fc0\u6d3b\uff0c\u4ece\u800c\u6291\u5236\u7ec6\u80de\u751f\u957f\uff0c\u8bf1\u5bfc\u7ec6\u80de\u51cb\u4ea1\uff0c\u964d\u4f4e\u4fc3\u708e\u6027\u7ec6\u80de\u56e0\u5b50\u548c\u8840\u7ba1\u751f\u957f\u56e0\u5b50\u7684\u4ea7\u751f\u3002\u5e15\u5c3c\u5355\u6297\u5df2\u7ecf\u83b7\u5f97\u4e86FDA\u7684\u6279\u51c6\uff0c\u7528\u4e8e\u6cbb\u7597\u5148\u524d\u63a5\u53d7\u6807\u51c6\u5316\u7597\u540e\u8fdb\u5c55\u7684RAS\u91ce\u751f\u578b\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\uff0c\u4ee5\u53ca\u8054\u5408\u5316\u7597\u7528\u4e8eRAS\u91ce\u751f\u578b\u8f6c\u79fb\u6027\u7ed3\u76f4\u80a0\u764c\u7684\u4e00\u7ebf\u6cbb\u7597\u3002"], ["\u8d1d\u4f10\u73e0\u5355\u6297\u662f\u4ec0\u4e48\uff1f", "\u8d1d\u4f10\u73e0\u5355\u6297\uff08Bevacizumab\uff0cAnetumab ravtansine\uff09\u662f\u4e00\u79cd\u4eba\u6e90\u5316\u5355\u514b\u9686\u6297\u4f53\uff0c\u53ef\u4ee5\u7ed3\u5408\u5728\u8840\u7ba1\u5185\u76ae\u751f\u957f\u56e0\u5b50\uff08VEGF\uff09\u4e0a\uff0c\u6291\u5236\u8840\u7ba1\u5185\u76ae\u751f\u957f\u56e0\u5b50\u7684\u4ea7\u751f\uff0c\u4ece\u800c\u6291\u5236\u80bf\u7624\u751f\u957f\u3002\u8d1d\u4f10\u73e0\u5355\u6297\u88ab\u5e7f\u6cdb\u7528\u4e8e\u6cbb\u7597\u5404\u79cd\u7c7b\u578b\u7684\u764c\u75c7\uff0c\u5305\u62ec\u80ba\u764c\u3001\u4e73\u817a\u764c\u3001\u524d\u5217\u817a\u764c\u548c\u80be\u764c\u7b49\u3002\n\n\u8d1d\u4f10\u73e0\u5355\u6297\u901a\u8fc7\u6ce8\u5c04\u6216\u7ecf\u9759\u8109\u8f93\u6ce8\u7684\u65b9\u5f0f\u7ed9\u4e88\u60a3\u8005\uff0c\u901a\u5e38\u9700\u8981\u4e0e\u5316\u7597\u6216\u653e\u7597\u8054\u5408\u4f7f\u7528\u3002\u7531\u4e8e\u8d1d\u4f10\u73e0\u5355\u6297\u53ef\u4ee5\u7ed3\u5408VEGF\u53d7\u4f53\uff0c\u56e0\u6b64\u5b83\u5bf9\u67d0\u4e9b\u7c7b\u578b\u7684\u764c\u75c7\u5177\u6709\u72ec\u7279\u7684\u6cbb\u7597\u6548\u679c\u3002\u6b64\u5916\uff0c\u8d1d\u4f10\u73e0\u5355\u6297\u8fd8\u53ef\u4ee5\u901a\u8fc7\u8c03\u8282\u514d\u75ab\u7cfb\u7edf\u7684\u53cd\u5e94\u6765\u51cf\u8f7b\u526f\u4f5c\u7528\uff0c\u4f7f\u5176\u6210\u4e3a\u4e00\u79cd\u53d7\u6b22\u8fce\u7684\u6cbb\u7597\u764c\u75c7\u7684\u65b0\u578b\u751f\u7269\u5236\u5242\u3002"]]
flagged/component 2/tmp2wbwwbq5.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "\u4f60\u597d\uff0c\u6709\u4ec0\u4e48\u6211\u53ef\u4ee5\u5e2e\u52a9\u4f60\u7684\u5417\uff1f"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\uff0c\u662f\u4e0a\u6d77\u7684\u4e00\u4e2a\u533a\u57df\uff0c\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\u3002\u5176\u4e2d\u5305\u62ec\u70ed\u6c14\u673a\u90e8\u3001\u7535\u7ad9\u90e8\u3001\u52a8\u88c5\u90e8\u3001\u73af\u88c5\u90e8\u3001\u4e03\u4e00\u4e00\u6240\u603b\u90e8\u3001\u5927\u9686\u5382\u3001\u5f20\u6c5f\u57fa\u5730\u7b49\u3002\u540c\u65f6\uff0c\u8be5\u533a\u57df\u8fd8\u4e0e\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\uff0c\u5e76\u83b7\u5f97\u4e86\u591a\u9879\u79d1\u6280\u6210\u679c\u548c\u6709\u6548\u4e13\u5229\u3002\n\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \n</details>"]]
flagged/component 2/tmp2y54nvp8.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "<p>\u4f60\u597d\uff0c\u6709\u4ec0\u4e48\u6211\u53ef\u4ee5\u5e2e\u52a9\u4f60\u7684\u5417\uff1f</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u9ad8\u538b\u5171\u8f68\u7cfb\u7edf \u7535\u5b50\u7ba1\u7406\u7cfb\u7edf \u6c14\u4f53\u53d1\u52a8\u673a\u71c3\u6599\u8c03\u8282\u4e0e\u4f9b\u7ed9\u7cfb\u7edf CS21/32\u4e2d\u901f\u67f4\u6cb9\u673a 8M23G\u5929\u7136\u6c14\u53d1\u52a8\u673a RCA R\u4fddHRSAFE SSUSRNRRANRDSS EIQRRMCU Sann . .. mn,\u8239\u6d77\u4ea7\u4e1a 19 \uf072\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u89e3\u51b3\u65b9\u6848\uff1a\u805a\u7126\u7279\u79cd\u8239\u3001\u79d1\u8003\u8239\u3001\u516c\u52a1\u8239\u7b49\uff0c\u4ee5\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b \u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u52a8\u529b\u4f20\u52a8\u3001\u51cf\u632f\u964d\u566a\u7b49\u6838\u5fc3\u4ea7\u54c1\u4e3a\u4e1a\u52a1\u5b9a\u4f4d\u3002 \u7ca4\u6d77\u94c1\u65b0\u9020\u706b\u8f66\u6e21\u8f6e \u6781\u5730\u79d1\u8003\u8239 \u7ede\u5438\u6316\u6ce5\u8239 \u6d77\u76d1\u8239 \u5316\u5b66\u54c1\u8239 \u52a8\u529b\u7cfb\u7edf\u96c6\u6210 \u4f20\u52a8\u6280\u672f\u548c\u4ea7\u54c1 \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u90e8 \u7535 \u7ad9 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u2751 \u6240\u5171\u6709\u5458\u5de53480\u4eba\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \u2751 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \u2751 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0832\u540d\u3002 \u5b66\u5386\u7ed3\u6784 \u804c\u79f0\u7ed3\u6784 \u5de5\u7a0b\u5e08 29%\u672c\u79d1 39%\uf072 \u5360\u5730\u9762\u79ef\u8fd1500\u4ea9\uff0c\u5efa\u7b51\u9762\u79ef\u7ea619. 6\u4e07m2 \uff0c\u603b\u8d44\u4ea7100\u4ebf\u5143\uff0c \u51c0\u8d44\u4ea740\u4ebf\u5143\uff1b \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a\u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002 10 \u2751 \u83b7\u79d1\u6280\u6210\u679c\u5956464\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u7279\u7b49\u59562\u9879\uff0c\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u4e00\u7b49\u59564\u9879\uff1b\n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\nPRODUCTS \u672c\u8bc1\u4e66\u6709\u6548\u671f\u81f3\uff1a\u5e748\u670812\u65e5 This oetificoteiavelidunnlt12Anust218 reerTsarstanteGTist-ousisoohDsavuetsSgunh TAF CNAS Oenerai ManagerHuaagShiyuss CHES\u2751 \u4e8b\u4e1a\u90e8\u5171\u6709\u5458\u5de5310\u4f59\u4eba\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u5458240\u4f59\u4eba \u3002 \u2751 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f65\u540d\u3002 \u2751 \u4eab\u53d7\u653f\u5e9c\u7279\u6b8a\u6d25\u8d341\u540d\u3002 \u5b66\u5386\u7ed3\u6784 \u804c\u79f0\u7ed3\u6784 \u535a\u58eb\u7814\u7a76\u751f 2% \u7855\u58eb\u7814\u7a76\u751f \n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u68c0\u522b\u8bd5\u5242\u76d2\uff08\u80f6\u4f53\u91d1\u6cd5\uff09 \u68c0\u6d4b\u8bd5\u5242\u9760\uff08\u80f6\u4f53\u91d1\u6cd5\uff09 EM 40\u4eba\u6863\u667a\u80fd\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u5927\u9a6c\u529b\u53d1\u52a8\u673a\u6570\u5b57\u5316\u67d4\u6027\u603b\u88c5\u4ea7\u7ebf 13 \u4ea7\u54c1\u79cd\u7c7b\uff1a620V8 V12 V16 L6\u3001 622V20\u3001604L6\u673a\u578b 202146 1311:4454 EA:OPI2N R:V KES:AO00 LW TAAN S7E2 \u56fd 00 . \u626b\u529b18)K 0v00,06 . HL \u5de5\u5dde\u82af\uff1a\u5de5\u4ef6 \u626b\u70ed\u6761\u5f62\u7483 \u5de5\u4f4d\u8d37\u884c IEEA 15053444 2001 06 13 08:18:17 2021 06 13 0R18:17\u7ba1 CMES \u5382\u533a\u6a21\u5757 \u8fd0\u7ef4\u4e2d\u5fc3 \u7406 . . \u5c42 MES \u751f\u4ea7\u7ba1\u7406 \u5de5\u827a\u7ba1\u7406 \u8d28\u91cf\u7ba1\u7406 \u8bbe\u5907\u7ba1\u7406 \u7cfb\u7edf\u7ba1\u7406 \u751f\u4ea7\u8ba1\u5212\u6392\u7a0b \u751f\u4ea7\u8282\u62cd\u5206\u6790 \u88c5\u914d\u5de5\u827a \u4ea7\u54c1\u8ffd\u6eaf \u8bbe\u5907\u53f0\u8d26 \u7528\u6237\u7ba1\u7406 \u751f\u4ea7\u8fc7\u7a0b\u8c03\u5ea6 \u751f\u4ea7\u4fe1\u606f\u7edf\u8ba1 \u68c0\u6d4b\u5de5\u827a \u8d28\u91cf\u95ee\u9898\u6c47\u603b \u8bbe\u5907\u7ef4\u4fdd\u63d0\u9192 \u89d2\u8272\u7ba1\u7406 \u6267\u884c\u5c4b \u751f\u4ea7\u8fc7\u7a0b\u8ffd\u6eaf \u751f\u4ea7\u770b\u677f \u5de5\u827a\u56fe\u7247\\\u89c6\u9891 \u8d28\u91cf\u5206\u6790 \u8bbe\u5907\u62a5\u8b66\u7edf\u8ba1 \u6743\u9650\u7ba1\u7406 + \u7535\u5b50\u5de5\u827a\u7cfb\u7edf ANDON\u7cfb\u7edf \u7269\u6d41\u7cfb\u7edf \n</details>"], ["QT\u662f\u4ec0\u4e48", "<p>QT\u662f\u4e00\u79cd\u8de8\u5e73\u53f0\u7684\u5e94\u7528\u7a0b\u5e8f\u5f00\u53d1\u6846\u67b6\uff0c\u5b83\u662f\u7531Qualcomm Technologies\u5f00\u53d1\u5e76\u7ef4\u62a4\u7684\u3002\u5b83\u63d0\u4f9b\u4e86\u4e00\u7ec4\u5e93\u548c\u5de5\u5177\uff0c\u7528\u4e8e\u5f00\u53d1\u5e94\u7528\u7a0b\u5e8f\uff0c\u5305\u62ec\u684c\u9762\u5e94\u7528\u7a0b\u5e8f\u3001\u5d4c\u5165\u5f0f\u5e94\u7528\u7a0b\u5e8f\u548c\u79fb\u52a8\u5e94\u7528\u7a0b\u5e8f\u3002QT\u4f7f\u7528C++\u7f16\u5199\uff0c\u652f\u6301\u591a\u79cd\u5e73\u53f0\uff0c\u5305\u62ecWindows\u3001Linux\u3001Android\u548cmacOS\u7b49\u3002QT\u8fd8\u63d0\u4f9b\u4e86\u4e00\u7ec4\u7528\u4e8e\u6784\u5efa\u7528\u6237\u754c\u9762\u7684\u5de5\u5177\uff0c\u4f7f\u5f00\u53d1\u4eba\u5458\u53ef\u4ee5\u66f4\u8f7b\u677e\u5730\u521b\u5efa\u6f02\u4eae\u3001\u6613\u4e8e\u4f7f\u7528\u7684\u754c\u9762\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-2.pdf</summary>\n\u667a\u80fd\u5165\u5e93 \u52a8\u6001\u5e93\u4f4d \u7269\u79d1\u91c7\u96c6 \u8bbe\u5907\u8fd0\u884c\u76d1\u63a7 \u8d28\u91cf\u63a7\u5236\u7ba1\u7406 AGV\u5c0f\u8f66\u76d1\u63a7 \u9ad8\u6548\u51bb\u914d \u8d26\u7269\u4e00\u81f4 SPC\u5206\u6790 \u8bbe\u5907\u5b9e\u65f6\u62a5\u8b66 ANDON\u6b21\u6570\u5206\u6790 \u7269\u6d41\u914d\u9001\u53cd\u9988 FIFO \u76d8\u70b9\u7ba1\u7406 \u8bbe\u5907\u91c7\u96c6\u7cfb\u7edf \u8bbe \u5907 \u8f6f\u4ef6/\u534f\u8bae TCP/IP Modbus OPC IPC \u91c7\u96c6\u5c42 File \u786c\u4ef6 PLC \u626b\u7801\u683c \u505a\u5361\u673a \u67e0\u7d27\u67aa \u6d4b\u91cf\u673a\u6784 \u65e0\u91cf\u5de5\u5177 . \u667a\u80fd\u88c5\u5907 AOI\u667a\u80fd\u68c0\u6d4b\u8bbe\u5907 \u7f3a\u9677\u68c0\u6d4b\u8bbe\u5907 H0203S73\u667a\u80fd\u4ea7\u7ebf AOI\u667a\u80fd\u68c0\u6d4b\u88c5\u5907 \u4ee5\u4eba\u5de5\u667a\u80fd\u795e\u7ecf\u7f51\u7edc\u4e3a\u57fa\u7840\uff0c \u901a\u8fc7\u6df1\u5ea6\u5b66\u4e60\u8f6f\u4ef6\uff0c \u5c06 \u5927\u91cf\u7f3a\u9677\u6837\u672c\u8fdb\u884c\u6807\u5b9a\uff0c \u6df1\u5ea6\u5b66\u4e60\u7cfb\u7edf\u8fdb\u884c\u81ea\u4e3b\u5b66\u4e60\uff0c \u4ece\u800c\u8fbe\u5230\u8fdc\u8d85\u4f20\u7edfAOI\u68c0\u6d4b\u7684\u6837\u672c\u5bf9\u6bd4\u65b9\u5f0f\uff0c \u8fbe\u5230\u66f4\u4f4e \u7684\u6f0f\u68c0\u7387\u4e0e\u8bef\u5224\u7387\u3002 1. \u8f93\u5165\u7aef 2. BackBone 3. Neck 4. Prediction +3 3 CBM CSP1 CSP2 CSP8 CSP8 CSP4 CBL SPP CBL CBL \u4e0a\u91c7\u6837 f5 Concat CBL CBL \u4e0a\u83b1\u6837 5 CBL 608 608 3 76 76 38 38 19 19 Concat CBL CBL CONV CBL \u246076 76 255 5 Maxpool CBL Concat CBL CBL CONV CBM conv BN Mis Maxpool YoLoV4Structure SPP Concat ? 38 38 255 Made by jiangdabai Maxpool (jiangdabai@126. com) 5 CBL Conv BN CBL Concat CBI CBL CONV 19 19 255 CSPX CBM CBM Res CBM unit CBMCBM add X\u4e2a\u6b8b\u5dee\u7ec4\u4ef6 conca CBM CBM\u667a\u80fd\u4ea7\u7ebf PCB\u710a\u70b93D\u70b9\u4e91\u7f3a\u9677\u68c0\u6d4b\u7cfb\u7edf & \u6052 \u542f\u52a8 \u667a\u505c \u505c\u6b62 \u5730\u9879 \u7f13\u5b9a \u673a\u5668\u72b6\u6001LOG \u70b9\u4e91\u6570\u636e\u83b7\u53d6 \u70b9\u4e91\u6570\u636e\u4fdd\u5b58 \u70b9\u4e91\u6570\u636e\u5904\u7406 \u7279\u5f81\u63d0\u53d6 3D\u68c0\u6d4b \u68c0\u6d4b\u7ed3\u679c\u4fdd\u5b58 \u6d4b\u8bd5\u7ed3\u679c \u626b\u7801\u7ed3\u679c OK\u6570\u91cf NG\u6570\u91cf \u710a\u70b91 \u710a\u70b92 \u710a\u70b93 \u710a\u70b94 \u710a\u70b95 \u68c0\u6d4b\u65f6\u95f4 \u91cd\u7f6e\u8def DBTree 0002 1 0002 2. pcd(D:/. VO0002 2 0002 3. pcd(D:/. 0002 3 ? 0002 4. pcd(D:/ 0002 4 ? 0002 5. pcd(D:/. 0002 5 Properties \u53e3\u6570\u636e\u91c7\u96c6 \u68c0\u6d4b\u548c\u65b9\u6cd5\u9009\u4ee3 \u9884\u5904\u7406 \u9884\u8bad\u7ec3\u6a21\u578b\u68c0\u6d4b \u73b0\u573a \uff08\u5728\u7ebf\u68c0\u6d4b\uff09 \u63a7\u5236 PCB\u5206\u5272 \u7edf\u8ba1\u51b3\u7b56 \u7ed3\u679c\u53ef\u89c6\u5316 \n</details>"], ["\u4f60\u77e5\u9053\u5546\u98de\u5417\uff1f", "<p>\u6211\u77e5\u9053\u5546\u98de\u3002\u5546\u98de\uff08Shenfei Aircraft\uff09\u662f\u4e00\u5bb6\u4e2d\u56fd\u822a\u7a7a\u5de5\u4e1a\u96c6\u56e2\u516c\u53f8\uff08\u4e2d\u56fd\u5546\u98de\uff09\u65d7\u4e0b\u7684\u98de\u673a\u5236\u9020\u5546\uff0c\u8d1f\u8d23\u7814\u5236\u548c\u751f\u4ea7\u5404\u79cd\u6c11\u7528\u548c\u519b\u7528\u98de\u673a\u3002\u5546\u98de\u6210\u7acb\u4e8e1968\u5e74\uff0c\u603b\u90e8\u4f4d\u4e8e\u4e0a\u6d77\u3002\u8be5\u516c\u53f8\u8fd8\u8d1f\u8d23\u5f00\u53d1\u548c\u751f\u4ea7C919\u5927\u578b\u5ba2\u673a\u7b49\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u9884\u704c\u88c5\u6ce8\u5c04\u5668\u8d28\u91cf\u68c0\u6d4b\u5177\u6709\u68c0\u6d4b\u56fe\u50cf \u5927\uff08\u50cf\u7d20\uff1a1602x1202\uff09\u3001\u7f3a\u9677\u76ee\u6807\u5c0f\uff0810 20\uff09\uff0c\u7f3a\u9677\u79cd\u7c7b\u591a \uff0820\u591a\u79cd\uff09\u7b49\u7279\u70b9\uff0c\u5e38\u89c4\u7684\u89c6\u89c9\u68c0\u6d4b\u65b9\u6cd5\u65e0\u6cd5\u6709\u6548\u5bf9\u5c0f\u76ee\u6807\u7f3a\u9677 \u8fdb\u884c\u8bc6\u522b\u68c0\u6d4b\u3002 \u8be5\u88c5\u5907\u5171\u5e03\u5c405\u4e2a\u76f8\u673a\uff0c\u5206\u522b\u5bf9\u6ce8\u5c04\u5668\u5934\u90e8\u3001\u80a9 \u90e8\u3001\u7ba1\u8eab\u53ca\u624b\u67c4\u5904\u8fdb\u884c\u68c0\u6d4b\uff0c\u91c7\u7528\u50cf\u7d20\u5206\u5272\u3001\u573a\u666f\u5206\u7c7b\u7b49\u65b9\u5f0f\u5b9e \u73b0\u7f3a\u9677\u7684\u51c6\u786e\u5206\u7c7b\uff0c\u7cfb\u7edf\u53ef\u57280.\n</details>"], ["\u4f60\u77e5\u9053711\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053711\u7814\u7a76\u6240\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u4e00\u4e2a\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\uff0c\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7814\u53d1\u673a\u6784\uff0c\u540c\u65f6\u4e5f\u662f\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\u4e4b\u4e00\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u90e8 \u4eba \u529b \u8d44 \u6e90 \u90e8 \u79d1 \u6280 \u4e0e \u4fe1 \u606f \u5316 \u90e8 \u89c4 \u5212 \u4e0e \u4ea7 \u4e1a \u53d1 \u5c55 \u90e8 \u8d22 \u52a1 \u90e8 \u4fdd \u5bc6 \u529e \u516c \u5ba4 \u4fdd \u969c \u4fdd \u536b \u90e8 \u8d28 \u91cf \u5b89 \u5168 \u73af \u4fdd \u90e8 \u6cd5 \u5f8b \u4e8b \u52a1 \u90e8 \u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8 \u4e03 \u4e00 \u4e00 \u7814 \u7a76 \u6240 \u515a \u7fa4 \u5de5 \u4f5c \u90e8 \u7eaa \u68c0 \u90e8 \u5ba1 \u8ba1 \u90e8 \u4e0a \u6d77 \u9f50 \u8000 \u91cd \u5de5 \u6709 \u9650 \u516c \u53f8 \uff08\u52a8 \u529b \u4ea7 \u4e1a \u4e0a \u5e02 \u5e73 \u53f0\uff09 \u4e0a \u6d77 \u9f50 \u8000 \u79d1 \u6280 \u96c6 \u56e2 \u6709 \u9650\u516c \u53f8 \uff08\u79d1 \u6280 \u4ea7 \u4e1a \u6295 \u8d44 \u5e73 \u53f0\uff09 \u52a8 \u529b \u88c5 \u7f6e \u4e8b \u4e1a \u90e8 \u81ea \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\n\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848 \u53ca\u76f8\u5173\u4ea7\u54c1 \u7535\u6c14\u53ca\u81ea\u52a8\u5316\u7cfb\u7edf \u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b \u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b \u7535\u7ad9\u5de5\u7a0b \u6218\u7565\u4e1a\u52a1\u76ee\u6807 \u6218\u7565\u4e1a\u52a1 \uf072 711\u6240\u5df2\u53d1\u5c55\u6210\u4e3a\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u4e3a\u6838\u5fc3\u7684\u52a8\u529b\u7cfb\u7edf\u4e3b\u8981\u914d\u5957\u7814\u5236\u5355\u4f4d\uff0c \u4ea7\u54c1\u904d\u5e03\u5404\u7c7b \u4e3b\u6218\u8230\u8247\u548c\u519b\u8f85\u8239\u3002 \u201c\u5341\u4e09\u4e94\u201d\u4ee5\u6765\uff0c\u627f\u63a5\u519b\u54c1\u4efb\u52a1\u7d2f\u79ef\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u622a\u6b62\u52302020\u5e747\u6708\uff0c \u624b\u6301\u8ba2\u5355\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u4e3b\u8981\u6280\u672f\u4e0e\u4ea7\u54c1\uff1a \uf06d \u70ed\u6c14\u673a\u53ca\u7279\u79cd\u52a8\u529b\u7cfb\u7edf \uf06d \u8230\u8239\u67f4\u6cb9\u673a\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b/\u7535\u529b\u7cfb\u7edf\u96c6\u6210\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u7cfb\u7edf\u4f20\u52a8\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u51cf\u632f\u964d\u566a\u6280\u672f \n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details><details> <summary>\u51fa\u5904 [5] 711-2.pdf</summary>\n\u5b9e\u73b0\u4e86\u4ed3\u5e93\u8d27\u7269\u7684\u7acb\u4f53\u5b58\u653e\u3001 \u81ea\u52a8\u5b58\u53d6\u3001\u6807\u51c6\u5316\u7ba1\u7406\u3001\u53ef\u5927\u5927\u964d\u4f4e\u50a8\u8fd0\u8d39 \u7528\uff0c \u51cf\u8f7b\u52b3\u52a8\u5f3a\u5ea6\uff0c \u63d0\u9ad8\u4ed3\u5e93\u7a7a\u95f4\u5229\u7528\u7387\u3002 \u4e1c\u65b9\u6c7d\u8f6e\u673a \u53f6\u7247\u5206\uff01 \u4e1c\u65b9\u6c7d\u80a1\u673a\u8bbe\u5907\u7269\u8054\u7f51\u5e73\u606f \u5f53\u65e5\u9ed8\u8ba1\u80fd\u5561 2 2 5 7 KW H D \u7acb\u5e93\u76d1\u63a7\u770b\u677f\u8239\u5382\u5e94\u7528 \u7acb\u4f53\u4ed3\u5e93\u6848\u4f8b \u533b\u8017\u4f01\u4e1a \u7535\u673a\u751f\u4ea7\u4f01\u4e1a \u7814\u7a76\u9662\u6240 \u7269\u6d41\u4f01\u4e1a 9\u53f7\u7ebf\u4e30\u5bcc\u7ecf\u9a8c \u81ea\u52a8\u7ebf \u673a\u5668\u4eba \u591a\u8f74\u63a7\u5236 \u6fc0\u5149 \u673a\u5668\u89c6\u89c9 \u62e7\u7d27 \u9521\u710a \u5206\u5272 \u70ed\u538b 2D\u8bfb\u53d6 \u8d85\u58f0\u6ce2\u710a\u63a5 \u6258\u76d8\u8bbe\u8ba1 RFID \u8d34\u6807 \u7ec4\u7f51 \n</details>"], ["\u4ed6\u662f\u54ea\u4e00\u5e74\u6210\u7acb\u7684\uff1f", "<p>\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u6210\u7acb\u4e8e1963\u5e74\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\nUnit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\nIssuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4.\n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details><details> <summary>\u51fa\u5904 [5] 711-2.pdf</summary>\nMean Ofset : 0 nominal FC ar tol st tolT. M\u670d\u52a1\u6d41\u7a0b \u63d0\u51fa\u9700\u6c42 \u73b0\u573a\u8c03\u7814 \u5ba2\u6237\u6837\u54c1 \u5173\u952e\u8bbe\u8ba1 \u6574\u4f53\u65b9\u6848 \u7ec6\u5316\u8bbe\u8ba1 \u6837\u673a->\u6210\u54c1\u673a\u5668 \u552e\u540e\u670d\u52a1 (13) Soldering\u5408\u540c\u4fe1\u8a89 \u672c\u6240\u7684\u5408\u540c\u4fe1\u7528\u7b49\u7ea7\uff0c \u7ecf\u4e0a\u6d77\u5e02\u5408\u540c\u4fe1\u7528\u4fc3\u8fdb\u59d4\u5458\u4f1a\uff0c \u8ba4\u5b9a\u4e3aAAA\u7ea7\uff08\u4fe1\u7528\u6700\u9ad8\u7ea7\u522b\uff09\uff0c \u6211 \u4eec\u975e\u5e38\u91cd\u89c6\u672c\u6240\u7684\u4fe1\u8a89\u3002 \u5408\u540c\u4fe1\u7528\u7b49\u7ea7\u8ba4\u5b9a\u8bc1\u4e66 CERTIFICATION OECONTRACT CREDITGRADE \u4e2d\u56fd\u8239\u8236\u91cd\u5de5\u96c6\u56e2\u516c\u53f8\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 SHANGHAIMARINE \n</details>"], ["\u4e0a\u6d77\u6709\u51e0\u4e2a\u533a\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a\u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002 10 \u2751 \u83b7\u79d1\u6280\u6210\u679c\u5956464\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u7279\u7b49\u59562\u9879\uff0c\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u4e00\u7b49\u59564\u9879\uff1b \u6709\u6548\u6388\u6743\u4e13\u5229253\u9879 \u2751 \u591a\u6b21\u83b7\u5f97\u201c\u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u201d\u3001\u201c\u5168\u56fd\u4e94\u4e00\u52b3\u52a8\u5956\u72b6\u201d \u2751 \u8fde\u7eed7\u6b21\u83b7\u5f97\u96c6\u56e2\u516c\u53f8\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d \u2751 2007\u5e74\u83b7\u9ad8\u6280\u672f\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956\uff0c \u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u2751 2019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u2751 2020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 11 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4. 6 0 1 2 3 4 5 2016 2017 2018 2019 2020 2021 \u5229\u6da6\u603b\u989d 63 0 20 40 60 80 \u65b0\u627f\u63a5\u5408\u540c \u5355\u4f4d\uff1a\u4ebf\u5143 \u8fd1\u4e94\u5e74 \u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u4ecb\u7ecd 03 PART \u2751 \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff0c\n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\n\u4e3a2003\u5e74\u5ea6\u5b88\u5408\u540c\u91cd\u4fe1\u7528\u4f01\u4e1a is appraised as an enterprise with credit in honoring the contractsinthepear2003 \u4e0a\u6d77\u5e02\u5de5\u5546\u884c\u653f\u7ba1\u7406\u5c40 Shanghai AdministrativeBurcau for Induxtry& Commcrce 2004. 10 Softec \u665f\u6cf0\u514bTEbioPerfectus technologies \u7855\u4e16\u751f\u7269\u79d1\u6280\u6709\u9650\u516c\u53f8\u5b89\u90a6\u751f\u7269 anbio \n</details>"], ["QT\u662f\u4ec0\u4e48\uff1f", "<p>QT \u662f\u4e00\u4e2a\u8de8\u5e73\u53f0\u7684 C++ \u5e94\u7528\u7a0b\u5e8f\u5f00\u53d1\u6846\u67b6\uff0c\u5b83\u63d0\u4f9b\u4e86\u8bb8\u591a\u4e30\u5bcc\u7684\u529f\u80fd\uff0c\u5982 GUI\u3001\u7f51\u7edc\u3001\u6570\u636e\u5e93\u3001XML\u3001\u811a\u672c\u8bed\u8a00\u3001\u591a\u5a92\u4f53\u652f\u6301\u7b49\u3002QT \u662f\u4e00\u79cd\u9ad8\u7ea7\u7f16\u7a0b\u8bed\u8a00\uff0c\u5b83\u88ab\u5e7f\u6cdb\u5e94\u7528\u4e8e\u684c\u9762\u5e94\u7528\u7a0b\u5e8f\u3001\u5d4c\u5165\u5f0f\u5e94\u7528\u7a0b\u5e8f\u548c\u79fb\u52a8\u5e94\u7528\u7a0b\u5e8f\u7684\u5f00\u53d1\u3002QT \u5177\u6709\u53ef\u79fb\u690d\u6027\u3001\u53ef\u6269\u5c55\u6027\u548c\u53ef\u9760\u6027\uff0c\u56e0\u6b64\u88ab\u5e7f\u6cdb\u5e94\u7528\u4e8e\u5404\u79cd\u9886\u57df\uff0c\u5982\u6c7d\u8f66\u3001\u822a\u7a7a\u822a\u5929\u3001\u533b\u7597\u8bbe\u5907\u3001\u901a\u4fe1\u3001\u91d1\u878d\u7b49\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-2.pdf</summary>\n\u667a\u80fd\u5165\u5e93 \u52a8\u6001\u5e93\u4f4d \u7269\u79d1\u91c7\u96c6 \u8bbe\u5907\u8fd0\u884c\u76d1\u63a7 \u8d28\u91cf\u63a7\u5236\u7ba1\u7406 AGV\u5c0f\u8f66\u76d1\u63a7 \u9ad8\u6548\u51bb\u914d \u8d26\u7269\u4e00\u81f4 SPC\u5206\u6790 \u8bbe\u5907\u5b9e\u65f6\u62a5\u8b66 ANDON\u6b21\u6570\u5206\u6790 \u7269\u6d41\u914d\u9001\u53cd\u9988 FIFO \u76d8\u70b9\u7ba1\u7406 \u8bbe\u5907\u91c7\u96c6\u7cfb\u7edf \u8bbe \u5907 \u8f6f\u4ef6/\u534f\u8bae TCP/IP Modbus OPC IPC \u91c7\u96c6\u5c42 File \u786c\u4ef6 PLC \u626b\u7801\u683c \u505a\u5361\u673a \u67e0\u7d27\u67aa \u6d4b\u91cf\u673a\u6784 \u65e0\u91cf\u5de5\u5177 . \u667a\u80fd\u88c5\u5907 AOI\u667a\u80fd\u68c0\u6d4b\u8bbe\u5907 \u7f3a\u9677\u68c0\u6d4b\u8bbe\u5907 H0203S73\u667a\u80fd\u4ea7\u7ebf AOI\u667a\u80fd\u68c0\u6d4b\u88c5\u5907 \u4ee5\u4eba\u5de5\u667a\u80fd\u795e\u7ecf\u7f51\u7edc\u4e3a\u57fa\u7840\uff0c \u901a\u8fc7\u6df1\u5ea6\u5b66\u4e60\u8f6f\u4ef6\uff0c \u5c06 \u5927\u91cf\u7f3a\u9677\u6837\u672c\u8fdb\u884c\u6807\u5b9a\uff0c \u6df1\u5ea6\u5b66\u4e60\u7cfb\u7edf\u8fdb\u884c\u81ea\u4e3b\u5b66\u4e60\uff0c \u4ece\u800c\u8fbe\u5230\u8fdc\u8d85\u4f20\u7edfAOI\u68c0\u6d4b\u7684\u6837\u672c\u5bf9\u6bd4\u65b9\u5f0f\uff0c \u8fbe\u5230\u66f4\u4f4e \u7684\u6f0f\u68c0\u7387\u4e0e\u8bef\u5224\u7387\u3002 1. \u8f93\u5165\u7aef 2. BackBone 3. Neck 4. Prediction +3 3 CBM CSP1 CSP2 CSP8 CSP8 CSP4 CBL SPP CBL CBL \u4e0a\u91c7\u6837 f5 Concat CBL CBL \u4e0a\u83b1\u6837 5 CBL 608 608 3 76 76 38 38 19 19 Concat CBL CBL CONV CBL \u246076 76 255 5 Maxpool CBL Concat CBL CBL CONV CBM conv BN Mis Maxpool YoLoV4Structure SPP Concat ? 38 38 255 Made by jiangdabai Maxpool (jiangdabai@126. com) 5 CBL Conv BN CBL Concat CBI CBL CONV 19 19 255 CSPX CBM CBM Res CBM unit CBMCBM add X\u4e2a\u6b8b\u5dee\u7ec4\u4ef6 conca CBM CBM\u667a\u80fd\u4ea7\u7ebf PCB\u710a\u70b93D\u70b9\u4e91\u7f3a\u9677\u68c0\u6d4b\u7cfb\u7edf & \u6052 \u542f\u52a8 \u667a\u505c \u505c\u6b62 \u5730\u9879 \u7f13\u5b9a \u673a\u5668\u72b6\u6001LOG \u70b9\u4e91\u6570\u636e\u83b7\u53d6 \u70b9\u4e91\u6570\u636e\u4fdd\u5b58 \u70b9\u4e91\u6570\u636e\u5904\u7406 \u7279\u5f81\u63d0\u53d6 3D\u68c0\u6d4b \u68c0\u6d4b\u7ed3\u679c\u4fdd\u5b58 \u6d4b\u8bd5\u7ed3\u679c \u626b\u7801\u7ed3\u679c OK\u6570\u91cf NG\u6570\u91cf \u710a\u70b91 \u710a\u70b92 \u710a\u70b93 \u710a\u70b94 \u710a\u70b95 \u68c0\u6d4b\u65f6\u95f4 \u91cd\u7f6e\u8def DBTree 0002 1 0002 2. pcd(D:/. VO0002 2 0002 3. pcd(D:/. 0002 3 ? 0002 4. pcd(D:/ 0002 4 ? 0002 5. pcd(D:/. 0002 5 Properties \u53e3\u6570\u636e\u91c7\u96c6 \u68c0\u6d4b\u548c\u65b9\u6cd5\u9009\u4ee3 \u9884\u5904\u7406 \u9884\u8bad\u7ec3\u6a21\u578b\u68c0\u6d4b \u73b0\u573a \uff08\u5728\u7ebf\u68c0\u6d4b\uff09 \u63a7\u5236 PCB\u5206\u5272 \u7edf\u8ba1\u51b3\u7b56 \u7ed3\u679c\u53ef\u89c6\u5316 \n</details>"], ["\u4e0a\u6d77\u6709\u591a\u5c11\u4eba\uff1f", "<p>\u5f88\u62b1\u6b49\uff0c\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u27512019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u27512020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 10 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 20 40 60 \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u2751 2020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 11 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4. 6 0 1 2 3 4 5 2016 2017 2018 2019 2020 2021 \u5229\u6da6\u603b\u989d 63 0 20 40 60 80 \u65b0\u627f\u63a5\u5408\u540c \u5355\u4f4d\uff1a\u4ebf\u5143 \u8fd1\u4e94\u5e74 \u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u4ecb\u7ecd 03 PART \u2751 \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff0c\n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\n\u4e3a2003\u5e74\u5ea6\u5b88\u5408\u540c\u91cd\u4fe1\u7528\u4f01\u4e1a is appraised as an enterprise with credit in honoring the contractsinthepear2003 \u4e0a\u6d77\u5e02\u5de5\u5546\u884c\u653f\u7ba1\u7406\u5c40 Shanghai AdministrativeBurcau for Induxtry& Commcrce 2004. 10 Softec \u665f\u6cf0\u514bTEbioPerfectus technologies \u7855\u4e16\u751f\u7269\u79d1\u6280\u6709\u9650\u516c\u53f8\u5b89\u90a6\u751f\u7269 anbio \n</details>"], ["\u4f60\u4ecb\u7ecd\u4e00\u4e0b\u4e0a\u6d77\uff1f", "\u4e0a\u6d77\u662f\u4e2d\u56fd\u7684\u4e00\u4e2a\u91cd\u8981\u57ce\u5e02\uff0c\u4f4d\u4e8e\u4e1c\u6d77\u4e4b\u6ee8\uff0c\u662f\u4e2d\u56fd\u56fd\u9645\u7ecf\u6d4e\u3001\u91d1\u878d\u3001\u8d38\u6613\u3001\u822a\u8fd0\u3001\u79d1\u6280\u521b\u65b0\u4e2d\u5fc3\u7684\u6240\u5728\u5730\u3002\u4e0a\u6d77\u62e5\u6709\u60a0\u4e45\u7684\u5386\u53f2\u548c\u6587\u5316\uff0c\u4e5f\u662f\u4e2d\u56fd\u8fd1\u4ee3\u6c11\u65cf\u5de5\u4e1a\u7684\u53d1\u6e90\u5730\u4e4b\u4e00\u3002\u81ea\u6539\u9769\u5f00\u653e\u4ee5\u6765\uff0c\u4e0a\u6d77\u9010\u6e10\u6210\u4e3a\u56fd\u5185\u5916\u91cd\u8981\u7684\u7ecf\u6d4e\u3001\u6587\u5316\u548c\u79d1\u6280\u4e2d\u5fc3\u3002\n\n\u4e0a\u6d77\u662f\u4e2d\u56fd\u6700\u5927\u7684\u6e2f\u53e3\u57ce\u5e02\uff0c\u62e5\u6709\u4e16\u754c\u8457\u540d\u7684\u4e0a\u6d77\u6e2f\u3002\u4e0a\u6d77\u6e2f\u6bcf\u5929\u6709\u5927\u91cf\u8d27\u7269\u4ece\u8fd9\u91cc\u51fa\u53d1\uff0c\u901a\u5f80\u5168\u7403\u5404\u5730\u3002\u4e0a\u6d77\u8fd8\u662f\u4e00\u4e2a\u91cd\u8981\u7684\u822a\u7a7a\u548c\u822a\u8fd0\u4e2d\u5fc3\uff0c\u62e5\u6709\u5b8c\u5584\u7684\u4ea4\u901a\u7f51\u7edc\u548c\u5148\u8fdb\u7684\u79d1\u6280\u8bbe\u65bd\u3002\n\n\u4e0a\u6d77\u662f\u4e00\u4e2a\u591a\u5143\u5316\u7684\u57ce\u5e02\uff0c\u62e5\u6709\u4f17\u591a\u4e16\u754c\u77e5\u540d\u7684\u4f01\u4e1a\u548c\u91d1\u878d\u673a\u6784\u3002\u4e0a\u6d77\u8fd8\u662f\u4e00\u4e2a\u6587\u5316\u540d\u57ce\uff0c\u62e5\u6709\u8bb8\u591a\u535a\u7269\u9986\u3001\u827a\u672f\u9986\u548c\u6587\u827a\u56e2\u4f53\uff0c\u5438\u5f15\u4e86\u56fd\u5185\u5916\u4f17\u591a\u6e38\u5ba2\u524d\u6765\u53c2\u89c2\u548c\u4ea4\u6d41\u3002\n\n\u4e0a\u6d77\u662f\u4e00\u4e2a\u5145\u6ee1\u6d3b\u529b\u548c\u673a\u9047\u7684\u57ce\u5e02\uff0c\u5438\u5f15\u4e86\u5927\u91cf\u56fd\u5185\u5916\u4f01\u4e1a\u548c\u4eba\u624d\u7684\u6295\u8d44\u548c\u5173\u6ce8\u3002\u968f\u7740\u4e0a\u6d77\u4e0d\u65ad\u53d1\u5c55\u7684\u7ecf\u6d4e\u548c\u79d1\u6280\u521b\u65b0\uff0c\u4e0a\u6d77\u5df2\u6210\u4e3a\u4e00\u4e2a\u4ee4\u4eba\u5145\u6ee1\u671f\u5f85\u548c\u5411\u5f80\u7684\u57ce\u5e02\u3002\n\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u27512019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u27512020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 10 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 20 40 60 \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u2751 2020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 11 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4. 6 0 1 2 3 4 5 2016 2017 2018 2019 2020 2021 \u5229\u6da6\u603b\u989d 63 0 20 40 60 80 \u65b0\u627f\u63a5\u5408\u540c \u5355\u4f4d\uff1a\u4ebf\u5143 \u8fd1\u4e94\u5e74 \u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u4ecb\u7ecd 03 PART \u2751 \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff0c\n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\n\u4e3a2003\u5e74\u5ea6\u5b88\u5408\u540c\u91cd\u4fe1\u7528\u4f01\u4e1a is appraised as an enterprise with credit in honoring the contractsinthepear2003 \u4e0a\u6d77\u5e02\u5de5\u5546\u884c\u653f\u7ba1\u7406\u5c40 Shanghai AdministrativeBurcau for Induxtry& Commcrce 2004. 10 Softec \u665f\u6cf0\u514bTEbioPerfectus technologies \u7855\u4e16\u751f\u7269\u79d1\u6280\u6709\u9650\u516c\u53f8\u5b89\u90a6\u751f\u7269 anbio \n</details>"]]
flagged/component 2/tmp2zoyzbym.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 langchain-ChatGLM Web UI\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002</p>\n<p>\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u65b0\u5efa\u77e5\u8bc6\u5e93\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u5728\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002</p>\n<p>\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\uff0c\u8be5\u529f\u80fd\u5c06\u5728\u540e\u7eed\u7248\u672c\u4e2d\u63a8\u51fa\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u662f\u8c01", "<p>\u6211\u662f\u4e00\u4e2a\u540d\u4e3a ChatGLM2-6B \u7684\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u662f\u57fa\u4e8e\u6e05\u534e\u5927\u5b66 KEG \u5b9e\u9a8c\u5ba4\u548c\u667a\u8c31 AI \u516c\u53f8\u4e8e 2023 \u5e74\u5171\u540c\u8bad\u7ec3\u7684\u8bed\u8a00\u6a21\u578b\u5f00\u53d1\u7684\u3002\u6211\u7684\u4efb\u52a1\u662f\u9488\u5bf9\u7528\u6237\u7684\u95ee\u9898\u548c\u8981\u6c42\u63d0\u4f9b\u9002\u5f53\u7684\u7b54\u590d\u548c\u652f\u6301\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u4e0e \u4fe1 \u606f \u5316 \u90e8 \u89c4 \u5212 \u4e0e \u4ea7 \u4e1a \u53d1 \u5c55 \u90e8 \u8d22 \u52a1 \u90e8 \u4fdd \u5bc6 \u529e \u516c \u5ba4 \u4fdd \u969c \u4fdd \u536b \u90e8 \u8d28 \u91cf \u5b89 \u5168 \u73af \u4fdd \u90e8 \u6cd5 \u5f8b \u4e8b \u52a1 \u90e8 \u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8 \u4e03 \u4e00 \u4e00 \u7814 \u7a76 \u6240 \u515a \u7fa4 \u5de5 \u4f5c \u90e8 \u7eaa \u68c0 \u90e8 \u5ba1 \u8ba1 \u90e8 \u4e0a \u6d77 \u9f50 \u8000 \u91cd \u5de5 \u6709 \u9650 \u516c \u53f8 \uff08\u52a8 \u529b \u4ea7 \u4e1a \u4e0a \u5e02 \u5e73 \u53f0\uff09 \u4e0a \u6d77 \u9f50 \u8000 \u79d1 \u6280 \u96c6 \u56e2 \u6709 \u9650\u516c \u53f8 \uff08\u79d1 \u6280 \u4ea7 \u4e1a \u6295 \u8d44 \u5e73 \u53f0\uff09 \u52a8 \u529b \u88c5 \u7f6e \u4e8b \u4e1a \u90e8 \u81ea \u52a8 \u5316 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u70ed \u6c14 \u673a \u4e8b \u4e1a \u90e8 \u7535 \u7ad9 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u7814 \u53d1 \u4e2d \u5fc3 \u80fd \u6e90 \u88c5 \u5907 \u4e8b \u4e1a \u90e8 \u538b \u7f29 \u673a \u4e8b \u4e1a \u90e8 \u73af \u4fdd \u88c5 \u5907 \u4e8b \u4e1a \u90e8 7 11\u5bb6 3\u5bb6 \u4eba\u529b\u8d44\u6e90 \uf072 \u5171\u6709\u5458\u5de52700\u4f59\u4eba\uff08\u6240\u672c\u90e81100\u4f59\u4eba\uff09\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \uf072 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \uf072 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0834\u540d\u3002 \u5b66\u5386\u7ed3\u6784 \u804c\u79f0\u7ed3\u6784 8 \u5de5\u7a0b\u5e08 29%\u672c\u79d1 39%\u8bbe\u5907\u8d44\u6e90 \uf072\u5360\u5730\u9762\u79ef\u8fd1500\u4ea9\uff0c\u5efa\u7b51\u9762\u79ef\u7ea619.\n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\n\u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 20 40 60 54. 5 \u8425\u4e1a\u6536\u5165 0 1 2 3 4 5 4. 6 \u5229\u6da6\u603b\u989d 0 20 40 60 80 2016 2017 2018 2019 2020 2021 63 \u65b0\u627f\u63a5\u5408\u540c \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 \u6218\u7565\u4ea7\u4e1a\u677f\u5757 \u2751 \u6d77\u6d0b\u9632\u52a1\u88c5\u5907\u4ea7\u4e1a\uff08\u7b80\u79f0\u201c\u9632\u52a1\u4ea7\u4e1a\u201d\uff09 \u2751 \u8239\u8236\u6d77\u5de5\u88c5\u5907\u4ea7\u4e1a\uff08\u7b80\u79f0\u201c\u8239\u6d77\u4ea7\u4e1a\u201d\uff09 \u2751 \u79d1\u6280\u5e94\u7528\u4ea7\u4e1a\uff08\u7b80\u79f0\u201c\u5e94\u7528\u4ea7\u4e1a\u201d\uff09 14 \u9632\u52a1\u4ea7\u4e1a 33% \u8239\u6d77\u4ea7\u4e1a 26% \u5e94\u7528\u4ea7\u4e1a \n</details><details> <summary>\u51fa\u5904 [4] 711-1.pdf</summary>\n\u9ad8\u538b\u5171\u8f68\u7cfb\u7edf \u7535\u5b50\u7ba1\u7406\u7cfb\u7edf \u6c14\u4f53\u53d1\u52a8\u673a\u71c3\u6599\u8c03\u8282\u4e0e\u4f9b\u7ed9\u7cfb\u7edf CS21/32\u4e2d\u901f\u67f4\u6cb9\u673a 8M23G\u5929\u7136\u6c14\u53d1\u52a8\u673a RCA R\u4fddHRSAFE SSUSRNRRANRDSS EIQRRMCU Sann . .. mn,\u8239\u6d77\u4ea7\u4e1a 19 \uf072\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u89e3\u51b3\u65b9\u6848\uff1a\u805a\u7126\u7279\u79cd\u8239\u3001\u79d1\u8003\u8239\u3001\u516c\u52a1\u8239\u7b49\uff0c\u4ee5\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b \u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u52a8\u529b\u4f20\u52a8\u3001\u51cf\u632f\u964d\u566a\u7b49\u6838\u5fc3\u4ea7\u54c1\u4e3a\u4e1a\u52a1\u5b9a\u4f4d\u3002 \u7ca4\u6d77\u94c1\u65b0\u9020\u706b\u8f66\u6e21\u8f6e \u6781\u5730\u79d1\u8003\u8239 \u7ede\u5438\u6316\u6ce5\u8239 \u6d77\u76d1\u8239 \u5316\u5b66\u54c1\u8239 \u52a8\u529b\u7cfb\u7edf\u96c6\u6210 \u4f20\u52a8\u6280\u672f\u548c\u4ea7\u54c1 \n</details>"], ["\u4f60\u4e86\u89e3711\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u4e86\u89e3711\u7814\u7a76\u6240\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u4e00\u4e2a\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\uff0c\u4e3b\u8981\u81f4\u529b\u4e8e\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u7684\u7814\u7a76\u3001\u8bbe\u8ba1\u548c\u751f\u4ea7\u3002\u8be5\u7814\u7a76\u6240\u6210\u7acb\u4e8e1963\u5e74\uff0c\u662f\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u4e5f\u662f\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u7684\u6302\u9760\u5355\u4f4d\u548c\u4e2d\u56fd\u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5728\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u89e3\u51b3\u65b9\u6848\u3001\u52a8\u529b\u4f20\u52a8\u3001\u51cf\u632f\u964d\u566a\u7b49\u6838\u5fc3\u4ea7\u54c1\u65b9\u9762\u6709\u7740\u4e30\u5bcc\u7684\u7ecf\u9a8c\u548c\u6280\u672f\u5b9e\u529b\u3002\u6b64\u5916\uff0c\u8be5\u7814\u7a76\u6240\u8fd8\u662f\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c\u80fd\u6e90\u7efc\u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u90e8 \u4eba \u529b \u8d44 \u6e90 \u90e8 \u79d1 \u6280 \u4e0e \u4fe1 \u606f \u5316 \u90e8 \u89c4 \u5212 \u4e0e \u4ea7 \u4e1a \u53d1 \u5c55 \u90e8 \u8d22 \u52a1 \u90e8 \u4fdd \u5bc6 \u529e \u516c \u5ba4 \u4fdd \u969c \u4fdd \u536b \u90e8 \u8d28 \u91cf \u5b89 \u5168 \u73af \u4fdd \u90e8 \u6cd5 \u5f8b \u4e8b \u52a1 \u90e8 \u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8 \u4e03 \u4e00 \u4e00 \u7814 \u7a76 \u6240 \u515a \u7fa4 \u5de5 \u4f5c \u90e8 \u7eaa \u68c0 \u90e8 \u5ba1 \u8ba1 \u90e8 \u4e0a \u6d77 \u9f50 \u8000 \u91cd \u5de5 \u6709 \u9650 \u516c \u53f8 \uff08\u52a8 \u529b \u4ea7 \u4e1a \u4e0a \u5e02 \u5e73 \u53f0\uff09 \u4e0a \u6d77 \u9f50 \u8000 \u79d1 \u6280 \u96c6 \u56e2 \u6709 \u9650\u516c \u53f8 \uff08\u79d1 \u6280 \u4ea7 \u4e1a \u6295 \u8d44 \u5e73 \u53f0\uff09 \u52a8 \u529b \u88c5 \u7f6e \u4e8b \u4e1a \u90e8 \u81ea \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\n\u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \uf072 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \uf072 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0834\u540d\u3002 \u5b66\u5386\u7ed3\u6784 \u804c\u79f0\u7ed3\u6784 8 \u5de5\u7a0b\u5e08 29%\u672c\u79d1 39%\u8bbe\u5907\u8d44\u6e90 \uf072\u5360\u5730\u9762\u79ef\u8fd1500\u4ea9\uff0c\u5efa\u7b51\u9762\u79ef\u7ea619. 6\u4e07m2 \uff0c \u603b\u8d44\u4ea7100\u4ebf\u5143\uff0c\u51c0\u8d44\u4ea740\u4ebf\u5143\uff1b \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a \u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002 9 \u79d1\u7814\u6210\u679c\u548c\u8363\u8a89\u79f0\u53f7 \u2751 \u83b7\u79d1\u6280\u6210\u679c\u5956464\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u7279\u7b49\u59562\u9879\uff0c\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u4e00\u7b49\u59564\u9879\uff1b\n</details><details> <summary>\u51fa\u5904 [4] 711-1.pdf</summary>\nShanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 \n</details>"], ["\u4f60\u77e5\u9053711\u6240\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u4ee5\u53ca\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u57fa\u672c\u60c5\u51b5\u3001\u6218\u7565\u4ea7\u4e1a\u60c5\u51b5\u3001\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5\u3001\u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807\u3001\u4e13\u4e1a\u6280\u672f\u4eba\u5458\u3001\u79d1\u7814\u6210\u679c\u548c\u8363\u8a89\u79f0\u53f7\u7b49\u8fdb\u884c\u4e86\u4ecb\u7ecd\u3002\u4f46\u662f\uff0c\u7531\u4e8e\u63d0\u4f9b\u7684\u4fe1\u606f\u8fc7\u4e8e\u8be6\u7ec6\uff0c\u53ef\u80fd\u4f1a\u7ed9\u7528\u6237\u5e26\u6765\u4e00\u5b9a\u7684\u56f0\u6270\u3002\u56e0\u6b64\uff0c\u5982\u679c\u7528\u6237\u6ca1\u6709\u8db3\u591f\u7684\u76f8\u5173\u4fe1\u606f\uff0c\u6211\u5c06\u56de\u7b54\u201c\u6839\u636e\u5df2\u77e5\u4fe1\u606f\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u201d\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["711\u6240\u662f\u54ea\u4e00\u5e74\u6210\u7acb\u7684\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4f60\u77e5\u9053\u4e2d\u8239711\u7814\u7a76\u6240\u5417\uff1f", "\u6211\u4e86\u89e3\u5230\u4e2d\u8239\u4e03\u3007\u4e00\u7814\u7a76\u6240\uff08711\u7814\u7a76\u6240\uff09\u6210\u7acb\u4e8e1971\u5e74\uff0c\u662f\u4e2d\u56fd\u8239\u8236\u5de5\u4e1a\u96c6\u56e2\u516c\u53f8\u4e0b\u5c5e\u7684\u4e00\u4e2a\u7814\u7a76\u8bbe\u8ba1\u9662\u3002\u8be5\u7814\u7a76\u6240\u4e3b\u8981\u4ece\u4e8b\u8230\u8239\u3001\u6d77\u6d0b\u5de5\u7a0b\u548c\u8239\u8236\u7535\u5b50\u8bbe\u5907\u7814\u7a76\u3001\u8bbe\u8ba1\u3001\u751f\u4ea7\u548c\u6d4b\u8bd5\u5de5\u4f5c\u3002\u540c\u65f6\uff0c\u8be5\u7814\u7a76\u6240\u4e5f\u79ef\u6781\u5f00\u5c55\u65b0\u6750\u6599\u3001\u7279\u79cd\u8239\u8236\u3001\u6d77\u6d0b\u52a8\u529b\u7b49\u9886\u57df\u7684\u7814\u7a76\u548c\u63a2\u7d22\u3002</br>\n\u7136\u800c\uff0c\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u6211\u65e0\u6cd5\u63d0\u4f9b\u5173\u4e8e\u8be5\u7814\u7a76\u6240\u7684\u8be6\u7ec6\u4fe1\u606f\uff0c\u56e0\u4e3a\u6211\u76842023\u5e74\u6709\u9650\u3002\u5982\u679c\u60a8\u9700\u8981\u4e86\u89e3\u66f4\u591a\u5173\u4e8e\u4e2d\u8239\u4e03\u3007\u4e00\u7814\u7a76\u6240\u7684\u4fe1\u606f\uff0c\u5efa\u8bae\u60a8\u67e5\u9605\u76f8\u5173\u8d44\u6599\u6216\u8054\u7cfb\u8be5\u7814\u7a76\u6240\u4ee5\u83b7\u53d6\u66f4\u8be6\u7ec6\u7684\u4fe1\u606f\u3002"], ["\u4f60\u77e5\u9053\u4e2d\u8239\u96c6\u56e2711\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u4e2d\u8239\u96c6\u56e2711\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u5de5\u4e1a\u96c6\u56e2\u516c\u53f8\u4e0b\u5c5e\u7684\u4e00\u4e2a\u7814\u7a76\u8bbe\u8ba1\u9662\uff0c\u6210\u7acb\u4e8e1963\u5e74\u3002\u8be5\u7814\u7a76\u6240\u4e3b\u8981\u4ece\u4e8b\u8230\u8239\u3001\u6d77\u6d0b\u5de5\u7a0b\u548c\u8239\u8236\u7535\u5b50\u8bbe\u5907\u7814\u7a76\u3001\u8bbe\u8ba1\u3001\u751f\u4ea7\u548c\u6d4b\u8bd5\u5de5\u4f5c\u3002\u5b83\u662f\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u4e5f\u662f\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\u548c\u4e2d\u56fd\u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 20 40 60 54. 5 \u8425\u4e1a\u6536\u5165 0 1 2 3 4 5 4. 6 \u5229\u6da6\u603b\u989d 0 20 40 60 80 2016 2017 2018 \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\n\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848 \u53ca\u76f8\u5173\u4ea7\u54c1 \u7535\u6c14\u53ca\u81ea\u52a8\u5316\u7cfb\u7edf \u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b \u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b \u7535\u7ad9\u5de5\u7a0b \u6218\u7565\u4e1a\u52a1\u76ee\u6807 \u6218\u7565\u4e1a\u52a1 \uf072 711\u6240\u5df2\u53d1\u5c55\u6210\u4e3a\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u4e3a\u6838\u5fc3\u7684\u52a8\u529b\u7cfb\u7edf\u4e3b\u8981\u914d\u5957\u7814\u5236\u5355\u4f4d\uff0c \u4ea7\u54c1\u904d\u5e03\u5404\u7c7b \u4e3b\u6218\u8230\u8247\u548c\u519b\u8f85\u8239\u3002 \u201c\u5341\u4e09\u4e94\u201d\u4ee5\u6765\uff0c\u627f\u63a5\u519b\u54c1\u4efb\u52a1\u7d2f\u79ef\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u622a\u6b62\u52302020\u5e747\u6708\uff0c \u624b\u6301\u8ba2\u5355\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u4e3b\u8981\u6280\u672f\u4e0e\u4ea7\u54c1\uff1a \uf06d \u70ed\u6c14\u673a\u53ca\u7279\u79cd\u52a8\u529b\u7cfb\u7edf \uf06d \u8230\u8239\u67f4\u6cb9\u673a\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b/\u7535\u529b\u7cfb\u7edf\u96c6\u6210\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u7cfb\u7edf\u4f20\u52a8\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u51cf\u632f\u964d\u566a\u6280\u672f \n</details>"], ["711\u6240\u6709\u51e0\u4e2a\u90e8\u95e8\u7ec4\u6210\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\uff08711\u7814\u7a76\u6240\uff09\u662f\u4e2d\u56fd\u8239\u8236\u5de5\u4e1a\u96c6\u56e2\u516c\u53f8\u4e0b\u5c5e\u7684\u4e00\u4e2a\u7814\u7a76\u8bbe\u8ba1\u9662\uff0c\u6210\u7acb\u4e8e1963\u5e74\u3002\u5b83\u4e3b\u8981\u4ece\u4e8b\u8230\u8239\u3001\u6d77\u6d0b\u5de5\u7a0b\u548c\u8239\u8236\u7535\u5b50\u8bbe\u5907\u7814\u7a76\u3001\u8bbe\u8ba1\u3001\u751f\u4ea7\u548c\u6d4b\u8bd5\u5de5\u4f5c\u3002\u8be5\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u4e5f\u662f\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\u548c\u4e2d\u56fd\u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002</p>\n<p>\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8bbe\u6709\u4ee5\u4e0b\u90e8\u95e8\uff1a</p>\n<ol>\n<li>\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u90e8\u95e8</li>\n<li>\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u7cfb\u7edf\u90e8\u95e8</li>\n<li>\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u90e8\u95e8</li>\n<li>\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u90e8\u95e8</li>\n<li>\u7535\u7ad9\u5de5\u7a0b\u90e8\u95e8</li>\n<li>\u4eba\u529b\u8d44\u6e90\u90e8\u95e8</li>\n<li>\u7efc\u5408\u4e1a\u52a1\u90e8\u95e8</li>\n</ol>\n<p>\u56e0\u6b64\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u75317\u4e2a\u90e8\u95e8\u7ec4\u6210\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \u5916\u73af\u7ebf \u5185\u73af\u7ebf \u5185\u73af\u7ebf \u4e8c\u53f7\u7ebf \u4e8c\u53f7\u7ebf \u5916\u73af\u7ebf \u9ec4\u6d66\u6c5f \u53f7\u7ebf \u4e94\u53f7\u7ebf \u516b\u53f7\u7ebfe\u7ec4\u7ec7\u7ed3\u6784 \u7efc \u5408 \n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u4e1a \u90e8 7 11\u5bb6 3\u5bb6 \u4eba\u529b\u8d44\u6e90 \uf072 \u5171\u6709\u5458\u5de52700\u4f59\u4eba\uff08\u6240\u672c\u90e81100\u4f59\u4eba\uff09\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \uf072 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \uf072 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0834\u540d\u3002 \u5b66\u5386\u7ed3\u6784 \u804c\u79f0\u7ed3\u6784 8 \u5de5\u7a0b\u5e08 29%\u672c\u79d1 39%\u8bbe\u5907\u8d44\u6e90 \uf072\u5360\u5730\u9762\u79ef\u8fd1500\u4ea9\uff0c\u5efa\u7b51\u9762\u79ef\u7ea619. 6\u4e07m2 \uff0c \u603b\u8d44\u4ea7100\u4ebf\u5143\uff0c\u51c0\u8d44\u4ea740\u4ebf\u5143\uff1b \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a \u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002\n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\n\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848 \u53ca\u76f8\u5173\u4ea7\u54c1 \u7535\u6c14\u53ca\u81ea\u52a8\u5316\u7cfb\u7edf \u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b \u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b \u7535\u7ad9\u5de5\u7a0b \u6218\u7565\u4e1a\u52a1\u76ee\u6807 \u6218\u7565\u4e1a\u52a1 \uf072 711\u6240\u5df2\u53d1\u5c55\u6210\u4e3a\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u4e3a\u6838\u5fc3\u7684\u52a8\u529b\u7cfb\u7edf\u4e3b\u8981\u914d\u5957\u7814\u5236\u5355\u4f4d\uff0c \u4ea7\u54c1\u904d\u5e03\u5404\u7c7b \u4e3b\u6218\u8230\u8247\u548c\u519b\u8f85\u8239\u3002 \u201c\u5341\u4e09\u4e94\u201d\u4ee5\u6765\uff0c\u627f\u63a5\u519b\u54c1\u4efb\u52a1\u7d2f\u79ef\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u622a\u6b62\u52302020\u5e747\u6708\uff0c \u624b\u6301\u8ba2\u5355\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u4e3b\u8981\u6280\u672f\u4e0e\u4ea7\u54c1\uff1a \uf06d \u70ed\u6c14\u673a\u53ca\u7279\u79cd\u52a8\u529b\u7cfb\u7edf \uf06d \u8230\u8239\u67f4\u6cb9\u673a\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b/\u7535\u529b\u7cfb\u7edf\u96c6\u6210\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u7cfb\u7edf\u4f20\u52a8\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u51cf\u632f\u964d\u566a\u6280\u672f \n</details>"], ["711\u6240\u6709\u591a\u5c11\u5458\u5de5\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5171\u6709\u5458\u5de52700\u4f59\u4eba\uff08\u6240\u672c\u90e81100\u4f59\u4eba\uff09\uff0c\u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \u5916\u73af\u7ebf \u5185\u73af\u7ebf \u5185\u73af\u7ebf \u4e8c\u53f7\u7ebf \u4e8c\u53f7\u7ebf \u5916\u73af\u7ebf \u9ec4\u6d66\u6c5f \u53f7\u7ebf \u4e94\u53f7\u7ebf \u516b\u53f7\u7ebfe\u7ec4\u7ec7\u7ed3\u6784 \u7efc \u5408 \u7ba1 \n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u4e1a \u90e8 7 11\u5bb6 3\u5bb6 \u4eba\u529b\u8d44\u6e90 \uf072 \u5171\u6709\u5458\u5de52700\u4f59\u4eba\uff08\u6240\u672c\u90e81100\u4f59\u4eba\uff09\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \uf072 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \uf072 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0834\u540d\u3002 \u5b66\u5386\u7ed3\u6784 \u804c\u79f0\u7ed3\u6784 8 \u5de5\u7a0b\u5e08 29%\u672c\u79d1 39%\u8bbe\u5907\u8d44\u6e90 \uf072\u5360\u5730\u9762\u79ef\u8fd1500\u4ea9\uff0c\u5efa\u7b51\u9762\u79ef\u7ea619. 6\u4e07m2 \uff0c \u603b\u8d44\u4ea7100\u4ebf\u5143\uff0c\u51c0\u8d44\u4ea740\u4ebf\u5143\uff1b \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a \u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002\n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\n\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848 \u53ca\u76f8\u5173\u4ea7\u54c1 \u7535\u6c14\u53ca\u81ea\u52a8\u5316\u7cfb\u7edf \u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b \u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b \u7535\u7ad9\u5de5\u7a0b \u6218\u7565\u4e1a\u52a1\u76ee\u6807 \u6218\u7565\u4e1a\u52a1 \uf072 711\u6240\u5df2\u53d1\u5c55\u6210\u4e3a\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u4e3a\u6838\u5fc3\u7684\u52a8\u529b\u7cfb\u7edf\u4e3b\u8981\u914d\u5957\u7814\u5236\u5355\u4f4d\uff0c \u4ea7\u54c1\u904d\u5e03\u5404\u7c7b \u4e3b\u6218\u8230\u8247\u548c\u519b\u8f85\u8239\u3002 \u201c\u5341\u4e09\u4e94\u201d\u4ee5\u6765\uff0c\u627f\u63a5\u519b\u54c1\u4efb\u52a1\u7d2f\u79ef\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u622a\u6b62\u52302020\u5e747\u6708\uff0c \u624b\u6301\u8ba2\u5355\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u4e3b\u8981\u6280\u672f\u4e0e\u4ea7\u54c1\uff1a \uf06d \u70ed\u6c14\u673a\u53ca\u7279\u79cd\u52a8\u529b\u7cfb\u7edf \uf06d \u8230\u8239\u67f4\u6cb9\u673a\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b/\u7535\u529b\u7cfb\u7edf\u96c6\u6210\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u7cfb\u7edf\u4f20\u52a8\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u51cf\u632f\u964d\u566a\u6280\u672f \n</details>"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u79d1\u5b66\u9662\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e0a\u6d77\u79d1\u5b66\u9662\u3002\u5b83\u662f\u4e2d\u56fd\u79d1\u5b66\u9662\u5728\u4e0a\u6d77\u7684\u5206\u9662\uff0c\u662f\u4e2d\u56fd\u6700\u5927\u7684\u7efc\u5408\u6027\u81ea\u7136\u79d1\u5b66\u7814\u7a76\u673a\u6784\u4e4b\u4e00\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u7efc \u5408 \u7ba1 \u7406 \u90e8 \u519b \u5de5 \u90e8 \u4eba \u529b \u8d44 \u6e90 \u90e8 \u79d1 \u6280 \u4e0e \u4fe1 \u606f \u5316 \u90e8 \u89c4 \u5212 \u4e0e \u4ea7 \u4e1a \u53d1 \u5c55 \u90e8 \u8d22 \u52a1 \u90e8 \u4fdd \u5bc6 \u529e \u516c \u5ba4 \u4fdd \u969c \u4fdd \u536b \u90e8 \u8d28 \u91cf \u5b89 \u5168 \u73af \u4fdd \u90e8 \u6cd5 \u5f8b \u4e8b \u52a1 \u90e8 \u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8 \u4e03 \u4e00 \u4e00 \u7814 \u7a76 \u6240 \u515a \u7fa4 \u5de5 \u4f5c \u90e8 \u7eaa \u68c0 \u90e8 \u5ba1 \u8ba1 \u90e8 \u4e0a \u6d77 \u9f50 \u8000 \u91cd \u5de5 \u6709 \u9650 \u516c \u53f8 \uff08\u52a8 \u529b \u4ea7 \u4e1a \u4e0a \u5e02 \u5e73 \u53f0\uff09 \u4e0a \u6d77 \u9f50 \u8000 \u79d1 \u6280 \u96c6 \u56e2 \u6709 \u9650\u516c \u53f8 \uff08\u79d1 \u6280 \u4ea7 \u4e1a \u6295 \u8d44 \u5e73 \u53f0\uff09 \u52a8 \u529b \u88c5 \u7f6e \u4e8b \u4e1a \u90e8 \u81ea \u52a8 \u5316 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u70ed \u6c14 \u673a \u4e8b \u4e1a \u90e8 \u7535 \u7ad9 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u7814 \u53d1 \u4e2d \u5fc3 \u80fd \u6e90 \u88c5 \u5907 \u4e8b \u4e1a \u90e8 \u538b \u7f29 \u673a \u4e8b \u4e1a \u90e8 \u73af \u4fdd \u88c5 \u5907 \u4e8b \u4e1a \u90e8 7 11\u5bb6 3\u5bb6 \u4eba\u529b\u8d44\u6e90 \uf072 \u5171\u6709\u5458\u5de52700\u4f59\u4eba\uff08\u6240\u672c\u90e81100\u4f59\u4eba\uff09\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \uf072 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \uf072 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0834\u540d\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n6\u4e07m2 \uff0c \u603b\u8d44\u4ea7100\u4ebf\u5143\uff0c\u51c0\u8d44\u4ea740\u4ebf\u5143\uff1b \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a \u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002 9 \u79d1\u7814\u6210\u679c\u548c\u8363\u8a89\u79f0\u53f7 \u2751 \u83b7\u79d1\u6280\u6210\u679c\u5956464\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u7279\u7b49\u59562\u9879\uff0c\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u4e00\u7b49\u59564\u9879\uff1b \u6709\u6548\u6388\u6743\u4e13\u5229253\u9879 \u2751 \u591a\u6b21\u83b7\u5f97\u201c\u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u201d\u3001\u201c\u5168\u56fd\u4e94\u4e00\u52b3\u52a8\u5956\u72b6\u201d \u2751\u8fde\u7eed7\u6b21\u83b7\u5f97\u96c6\u56e2\u516c\u53f8\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d \u2751 2007\u5e74\u83b7\u9ad8\u6280\u672f\u00d7 \u00d7 \u00d7 \u00d7\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956\uff0c \u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u27512019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u27512020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 10 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 20 40 60 \n</details>"], ["\u4f60\u77e5\u9053\u5546\u98de\u5417\uff1f", "<p>\u6211\u6ca1\u6709\u8db3\u591f\u7684\u76f8\u5173\u4fe1\u606f\u6765\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \u5916\u73af\u7ebf \u5185\u73af\u7ebf \u5185\u73af\u7ebf \u4e8c\u53f7\u7ebf \u4e8c\u53f7\u7ebf \u5916\u73af\u7ebf \u9ec4\u6d66\u6c5f \u53f7\u7ebf \u4e94\u53f7\u7ebf \u516b\u53f7\u7ebfe\u7ec4\u7ec7\u7ed3\u6784 \u7efc \u5408 \n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u9632\u52a1\u4ea7\u4e1a 33% \u8239\u6d77\u4ea7\u4e1a 26% \u5e94\u7528\u4ea7\u4e1a 41% 2023/7/4 15 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc\u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005\u3002 \u6218\u7565\u4e1a\u52a1\u76ee\u6807 \u67f4\u6cb9\u673a\u548c\u6c14\u4f53\u53d1\u52a8\u673a \u70ed\u6c14\u673a\u53ca\u7279\u79cd\u52a8\u529b\u7cfb\u7edf \u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848 \u53ca\u76f8\u5173\u4ea7\u54c1 \u7535\u6c14\u53ca\u81ea\u52a8\u5316\u7cfb\u7edf \u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b \u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b \u7535\u7ad9\u5de5\u7a0b \u6218\u7565\u4e1a\u52a1\u76ee\u6807 \u6218\u7565\u4e1a\u52a1 \uf072 711\u6240\u5df2\u53d1\u5c55\u6210\u4e3a\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u4e3a\u6838\u5fc3\u7684\u52a8\u529b\u7cfb\u7edf\u4e3b\u8981\u914d\u5957\u7814\u5236\u5355\u4f4d\uff0c \u4ea7\u54c1\u904d\u5e03\u5404\u7c7b \u4e3b\u6218\u8230\u8247\u548c\u519b\u8f85\u8239\u3002 \u201c\u5341\u4e09\u4e94\u201d\u4ee5\u6765\uff0c\u627f\u63a5\u519b\u54c1\u4efb\u52a1\u7d2f\u79ef\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u622a\u6b62\u52302020\u5e747\u6708\uff0c \u624b\u6301\u8ba2\u5355\u8d85\u8fc7XX\u4ebf\u5143\u3002 \u4e3b\u8981\u6280\u672f\u4e0e\u4ea7\u54c1\uff1a \uf06d \u70ed\u6c14\u673a\u53ca\u7279\u79cd\u52a8\u529b\u7cfb\u7edf \uf06d \u8230\u8239\u67f4\u6cb9\u673a\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b/\u7535\u529b\u7cfb\u7edf\u96c6\u6210\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u7cfb\u7edf\u4f20\u52a8\u6280\u672f \uf06d \u8230\u8239\u52a8\u529b\u51cf\u632f\u964d\u566a\u6280\u672f \uf06d \u8230\u8239\u81ea\u52a8\u5316\u76d1\u63a7\u548c\u7f51\u7edc\u6280\u672f 2023/7/4 16 \u9632\u52a1\u4ea7\u4e1a \u8239\u6d77\u4ea7\u4e1a 17 \uf072\u805a\u7126\u8239\u8236\u7eff\u8272\u5316\u3001\u667a\u80fd\u5316\u548c\u6570\u5b57\u5316\u53d1\u5c55\u65b9\u5411\uff0c \u4ee5\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u548c\u8282\u80fd\u73af\u4fdd\u88c5\u7f6e\u4e1a\u52a1 \u4e3a\u53d1\u5c55\u4e3b\u7ebf\uff0c\n</details>"], ["\u4e0a\u6d77\u6709\u591a\u5c11\u4eba\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e0a\u6d77\u79d1\u5b66\u9662\u5171\u6709\u5458\u5de5 2700 \u4f59\u4eba\uff0c\u4e13\u4e1a\u6280\u672f\u4eba\u5458 1700 \u4f59\u4eba\uff0c\u603b\u8d44\u4ea7 100 \u4ebf\u5143\uff0c\u51c0\u8d44\u4ea7 40 \u4ebf\u5143\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u7efc \u5408 \u7ba1 \u7406 \u90e8 \u519b \u5de5 \u90e8 \u4eba \u529b \u8d44 \u6e90 \u90e8 \u79d1 \u6280 \u4e0e \u4fe1 \u606f \u5316 \u90e8 \u89c4 \u5212 \u4e0e \u4ea7 \u4e1a \u53d1 \u5c55 \u90e8 \u8d22 \u52a1 \u90e8 \u4fdd \u5bc6 \u529e \u516c \u5ba4 \u4fdd \u969c \u4fdd \u536b \u90e8 \u8d28 \u91cf \u5b89 \u5168 \u73af \u4fdd \u90e8 \u6cd5 \u5f8b \u4e8b \u52a1 \u90e8 \u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8 \u4e03 \u4e00 \u4e00 \u7814 \u7a76 \u6240 \u515a \u7fa4 \u5de5 \u4f5c \u90e8 \u7eaa \u68c0 \u90e8 \u5ba1 \u8ba1 \u90e8 \u4e0a \u6d77 \u9f50 \u8000 \u91cd \u5de5 \u6709 \u9650 \u516c \u53f8 \uff08\u52a8 \u529b \u4ea7 \u4e1a \u4e0a \u5e02 \u5e73 \u53f0\uff09 \u4e0a \u6d77 \u9f50 \u8000 \u79d1 \u6280 \u96c6 \u56e2 \u6709 \u9650\u516c \u53f8 \uff08\u79d1 \u6280 \u4ea7 \u4e1a \u6295 \u8d44 \u5e73 \u53f0\uff09 \u52a8 \u529b \u88c5 \u7f6e \u4e8b \u4e1a \u90e8 \u81ea \u52a8 \u5316 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u70ed \u6c14 \u673a \u4e8b \u4e1a \u90e8 \u7535 \u7ad9 \u5de5 \u7a0b \u4e8b \u4e1a \u90e8 \u7814 \u53d1 \u4e2d \u5fc3 \u80fd \u6e90 \u88c5 \u5907 \u4e8b \u4e1a \u90e8 \u538b \u7f29 \u673a \u4e8b \u4e1a \u90e8 \u73af \u4fdd \u88c5 \u5907 \u4e8b \u4e1a \u90e8 7 11\u5bb6 3\u5bb6 \u4eba\u529b\u8d44\u6e90 \uf072 \u5171\u6709\u5458\u5de52700\u4f59\u4eba\uff08\u6240\u672c\u90e81100\u4f59\u4eba\uff09\uff0c \u4e13\u4e1a\u6280\u672f\u4eba\u54581700\u4f59\u4eba \u3002 \uf072 \u4e03\u4e00\u4e00\u6240\u662f\u535a\u58eb\u3001\u7855\u58eb\u6388\u4e88\u70b9\uff0c\u8bbe\u6709\u535a\u58eb\u540e\u6d41\u52a8\u7ad9\u3002 \uf072 \u62e5\u6709\u535a\u58eb\u751f\u548c\u7855\u58eb\u751f\u5bfc\u5e0834\u540d\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n6\u4e07m2 \uff0c \u603b\u8d44\u4ea7100\u4ebf\u5143\uff0c\u51c0\u8d44\u4ea740\u4ebf\u5143\uff1b \uf072 \u5171\u6709\u8bbe\u5907\u3001\u4eea\u56685600\u4f59\u53f0\uff08\u5957\uff09\uff0c\u5404\u7c7b\u4e13\u4e1a \u8bd5\u9a8c\u5ba430\u591a\u4e2a\u3002 9 \u79d1\u7814\u6210\u679c\u548c\u8363\u8a89\u79f0\u53f7 \u2751 \u83b7\u79d1\u6280\u6210\u679c\u5956464\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u7279\u7b49\u59562\u9879\uff0c\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65\u4e00\u7b49\u59564\u9879\uff1b \u6709\u6548\u6388\u6743\u4e13\u5229253\u9879 \u2751 \u591a\u6b21\u83b7\u5f97\u201c\u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u201d\u3001\u201c\u5168\u56fd\u4e94\u4e00\u52b3\u52a8\u5956\u72b6\u201d \u2751\u8fde\u7eed7\u6b21\u83b7\u5f97\u96c6\u56e2\u516c\u53f8\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d \u2751 2007\u5e74\u83b7\u9ad8\u6280\u672f\u00d7 \u00d7 \u00d7 \u00d7\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956\uff0c \u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u27512019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u27512020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 10 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 20 40 60 \n</details>"], ["\u4f60\u77e5\u9053\u5546\u98de\u5417\uff1f", "\u5546\u98de\u662f\u4e2d\u56fd\u5546\u98de\u516c\u53f8\u7684\u7b80\u79f0\uff0c\u662f\u4e00\u5bb6\u4ee5\u6c11\u7528\u822a\u7a7a\u548c\u5546\u7528\u98de\u673a\u5236\u9020\u4e3a\u4e3b\u4e1a\u7684\u7efc\u5408\u6027\u4f01\u4e1a\u3002\u6210\u7acb\u4e8e 2001 \u5e74\uff0c\u603b\u90e8\u4f4d\u4e8e\u4e0a\u6d77\u3002\u5546\u98de\u81f4\u529b\u4e8e\u4e3a\u5ba2\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u822a\u7a7a\u4ea7\u54c1\u548c\u670d\u52a1\uff0c\u62e5\u6709 C919 \u7b49\u56fd\u5185\u9996\u6b3e\u81ea\u4e3b\u7814\u5236\u7684\u5927\u578b\u5ba2\u673a\u3002\u5546\u98de\u8fd8\u62e5\u6709\u65b0\u821f 60\u3001\u65b0\u821f 70 \u7b49\u7cfb\u5217\u5ba2\u673a\uff0c\u4ee5\u53ca\u516c\u52a1\u673a\u3001\u76f4\u5347\u673a\u7b49\u591a\u79cd\u6c11\u7528\u4ea7\u54c1\u3002\u5546\u98de\u5728 2021 \u5e74 7 \u6708 21 \u65e5\u53d1\u5e03\u4e86\u300a\u5546\u98de\u516c\u53f8\u5173\u4e8e sub 150 \u5428\u7ea7 C919 \u98de\u673a\u5b8c\u6210\u53d6\u8bc1\u8bd5\u98de\u7684\u516c\u544a\u300b\uff0c\u8868\u793a C919 \u98de\u673a\u5df2\u5b8c\u6210\u53d6\u8bc1\u8bd5\u98de\u3002"], [null, "\u5df2\u6dfb\u52a0 711-2.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5546\u98de\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u5546\u98de\u3002\u5546\u98de\u662f\u4e2d\u56fd\u5546\u98de\u516c\u53f8\u7684\u7b80\u79f0\uff0c\u662f\u4e00\u5bb6\u4ee5\u6c11\u7528\u822a\u7a7a\u548c\u5546\u7528\u98de\u673a\u5236\u9020\u4e3a\u4e3b\u4e1a\u7684\u7efc\u5408\u6027\u4f01\u4e1a\u3002\u6210\u7acb\u4e8e 2001 \u5e74\uff0c\u603b\u90e8\u4f4d\u4e8e\u4e0a\u6d77\u3002\u5546\u98de\u81f4\u529b\u4e8e\u4e3a\u5ba2\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u822a\u7a7a\u4ea7\u54c1\u548c\u670d\u52a1\uff0c\u62e5\u6709 C919 \u7b49\u56fd\u5185\u9996\u6b3e\u81ea\u4e3b\u7814\u5236\u7684\u5927\u578b\u5ba2\u673a\u3002\u5546\u98de\u8fd8\u62e5\u6709\u65b0\u821f 60\u3001\u65b0\u821f 70 \u7b49\u7cfb\u5217\u5ba2\u673a\uff0c\u4ee5\u53ca\u516c\u52a1\u673a\u3001\u76f4\u5347\u673a\u7b49\u591a\u79cd\u6c11\u7528\u4ea7\u54c1\u3002\u5546\u98de\u5728 2021 \u5e74 7 \u6708 21 \u65e5\u53d1\u5e03\u4e86\u300a\u5546\u98de\u516c\u53f8\u5173\u4e8e sub 150 \u5428\u7ea7 C919 \u98de\u673a\u5b8c\u6210\u53d6\u8bc1\u8bd5\u98de\u7684\u516c\u544a\u300b\uff0c\u8868\u793a C919 \u98de\u673a\u5df2\u5b8c\u6210\u53d6\u8bc1\u8bd5\u98de\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002 \uf072\u4e2d\u56fd\u552f\u4e00\u7684\u56fd\u5bb6\u7ea7\u8239\u7528\u67f4\u6cb9\u673a\u7814\u53d1\u673a\u6784\uff0c\u8239\u8236\u52a8\u529b\u7cfb\u7edf\u56fd\u5bb6\u5de5\u7a0b\u5b9e\u9a8c\u5ba4\u6302\u9760\u5355\u4f4d\uff0c\u4e2d\u56fd \u5185\u71c3\u673a\u5b66\u4f1a\u652f\u6491\u5355\u4f4d\u3002 \u6982\u51b5 4 \u6218\u7565\u613f\u666f\u3001\u4f7f\u547d\u548c\u76ee\u6807 \u81f4\u529b\u4e8e\u5411\u6d77\u519b\u548c\u5176\u4ed6\u7528\u6237\u63d0\u4f9b\u5148\u8fdb\u9002\u7528\u7684\u52a8\u529b\u7cfb\u7edf\u548c\u6ee1\u610f\u7684\u670d\u52a1 \u6210\u4e3a\u4e2d\u56fd\u8230\u8239\u67f4\u6cb9\u673a\u3001\u7279\u79cd\u53d1\u52a8\u673a\u53ca\u52a8\u529b\u88c5\u7f6e\u884c\u4e1a\u9886\u5bfc\u8005\uff0c \u80fd\u6e90\u7efc \u5408\u5229\u7528\u9886\u57df\u88c5\u5907\u548c\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u9886\u5148\u8005 \u94f8\u5c31\u4e00\u4e2a\u80fd\u5145\u5206\u4f53\u73b0\u5458\u5de5\u4ef7\u503c\u7684\u4e8b\u4e1a\u53d1\u5c55\u5e73\u53f0\uff0c \u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u9884\u704c\u88c5\u6ce8\u5c04\u5668\u8d28\u91cf\u68c0\u6d4b\u5177\u6709\u68c0\u6d4b\u56fe\u50cf \u5927\uff08\u50cf\u7d20\uff1a1602x1202\uff09\u3001\u7f3a\u9677\u76ee\u6807\u5c0f\uff0810 20\uff09\uff0c\u7f3a\u9677\u79cd\u7c7b\u591a \uff0820\u591a\u79cd\uff09\u7b49\u7279\u70b9\uff0c\u5e38\u89c4\u7684\u89c6\u89c9\u68c0\u6d4b\u65b9\u6cd5\u65e0\u6cd5\u6709\u6548\u5bf9\u5c0f\u76ee\u6807\u7f3a\u9677 \u8fdb\u884c\u8bc6\u522b\u68c0\u6d4b\u3002 \u8be5\u88c5\u5907\u5171\u5e03\u5c405\u4e2a\u76f8\u673a\uff0c\u5206\u522b\u5bf9\u6ce8\u5c04\u5668\u5934\u90e8\u3001\u80a9 \u90e8\u3001\u7ba1\u8eab\u53ca\u624b\u67c4\u5904\u8fdb\u884c\u68c0\u6d4b\uff0c\u91c7\u7528\u50cf\u7d20\u5206\u5272\u3001\u573a\u666f\u5206\u7c7b\u7b49\u65b9\u5f0f\u5b9e \u73b0\u7f3a\u9677\u7684\u51c6\u786e\u5206\u7c7b\uff0c\u7cfb\u7edf\u53ef\u57280.\n</details>"], ["QT\u662f\u4ec0\u4e48", "QT \u662f\u4e00\u4e2a\u8de8\u5e73\u53f0\u7684 C++ \u5e94\u7528\u7a0b\u5e8f\u5f00\u53d1\u6846\u67b6\uff0c\u5b83\u662f\u7531 Qt \u5f00\u53d1\u7684\u4e00\u7cfb\u5217\u514d\u8d39\u4e14\u5f00\u6e90\u7684\u8f6f\u4ef6\u7ec4\u4ef6\u3002QT \u63d0\u4f9b\u4e86\u8bb8\u591a GUI \u5143\u7d20\uff0c\u5982\u6309\u94ae\u3001\u6587\u672c\u6846\u3001\u4e0b\u62c9\u5217\u8868\u3001\u8fdb\u5ea6\u6761\u7b49\uff0c\u8fd8\u63d0\u4f9b\u4e86\u4e0e\u64cd\u4f5c\u7cfb\u7edf\u76f8\u5173\u7684 API\uff0c\u5982\u6587\u4ef6\u7cfb\u7edf\u3001\u7f51\u7edc\u8fde\u63a5\u3001\u6570\u636e\u5e93\u8bbf\u95ee\u7b49\u3002QT \u652f\u6301\u591a\u79cd\u5e73\u53f0\uff0c\u5305\u62ec Windows\u3001Linux\u3001Android\u3001iOS \u7b49\u3002QT \u662f\u4e00\u79cd\u6d41\u884c\u7684\u5e94\u7528\u7a0b\u5e8f\u5f00\u53d1\u6846\u67b6\uff0c\u88ab\u5e7f\u6cdb\u7528\u4e8e\u684c\u9762\u5e94\u7528\u7a0b\u5e8f\u3001\u5d4c\u5165\u5f0f\u5e94\u7528\u7a0b\u5e8f\u548c\u79fb\u52a8\u5e94\u7528\u7a0b\u5e8f\u7684\u5f00\u53d1\u3002\n\n<details> <summary>\u51fa\u5904 [1] 711-2.pdf</summary>\n\u667a\u80fd\u5165\u5e93 \u52a8\u6001\u5e93\u4f4d \u7269\u79d1\u91c7\u96c6 \u8bbe\u5907\u8fd0\u884c\u76d1\u63a7 \u8d28\u91cf\u63a7\u5236\u7ba1\u7406 AGV\u5c0f\u8f66\u76d1\u63a7 \u9ad8\u6548\u51bb\u914d \u8d26\u7269\u4e00\u81f4 SPC\u5206\u6790 \u8bbe\u5907\u5b9e\u65f6\u62a5\u8b66 ANDON\u6b21\u6570\u5206\u6790 \u7269\u6d41\u914d\u9001\u53cd\u9988 FIFO \u76d8\u70b9\u7ba1\u7406 \u8bbe\u5907\u91c7\u96c6\u7cfb\u7edf \u8bbe \u5907 \u8f6f\u4ef6/\u534f\u8bae TCP/IP Modbus OPC IPC \u91c7\u96c6\u5c42 File \u786c\u4ef6 PLC \u626b\u7801\u683c \u505a\u5361\u673a \u67e0\u7d27\u67aa \u6d4b\u91cf\u673a\u6784 \u65e0\u91cf\u5de5\u5177 . \u667a\u80fd\u88c5\u5907 AOI\u667a\u80fd\u68c0\u6d4b\u8bbe\u5907 \u7f3a\u9677\u68c0\u6d4b\u8bbe\u5907 H0203S73\u667a\u80fd\u4ea7\u7ebf AOI\u667a\u80fd\u68c0\u6d4b\u88c5\u5907 \u4ee5\u4eba\u5de5\u667a\u80fd\u795e\u7ecf\u7f51\u7edc\u4e3a\u57fa\u7840\uff0c \u901a\u8fc7\u6df1\u5ea6\u5b66\u4e60\u8f6f\u4ef6\uff0c \u5c06 \u5927\u91cf\u7f3a\u9677\u6837\u672c\u8fdb\u884c\u6807\u5b9a\uff0c \u6df1\u5ea6\u5b66\u4e60\u7cfb\u7edf\u8fdb\u884c\u81ea\u4e3b\u5b66\u4e60\uff0c \u4ece\u800c\u8fbe\u5230\u8fdc\u8d85\u4f20\u7edfAOI\u68c0\u6d4b\u7684\u6837\u672c\u5bf9\u6bd4\u65b9\u5f0f\uff0c \u8fbe\u5230\u66f4\u4f4e \u7684\u6f0f\u68c0\u7387\u4e0e\u8bef\u5224\u7387\u3002 1. \u8f93\u5165\u7aef 2. BackBone 3. Neck 4. Prediction +3 3 CBM CSP1 CSP2 CSP8 CSP8 CSP4 CBL SPP CBL CBL \u4e0a\u91c7\u6837 f5 Concat CBL CBL \u4e0a\u83b1\u6837 5 CBL 608 608 3 76 76 38 38 19 19 Concat CBL CBL CONV CBL \u246076 76 255 5 Maxpool CBL Concat CBL CBL CONV CBM conv BN Mis Maxpool YoLoV4Structure SPP Concat ? 38 38 255 Made by jiangdabai Maxpool (jiangdabai@126. com) 5 CBL Conv BN CBL Concat CBI CBL CONV 19 19 255 CSPX CBM CBM Res CBM unit CBMCBM add X\u4e2a\u6b8b\u5dee\u7ec4\u4ef6 conca CBM CBM\u667a\u80fd\u4ea7\u7ebf PCB\u710a\u70b93D\u70b9\u4e91\u7f3a\u9677\u68c0\u6d4b\u7cfb\u7edf & \u6052 \u542f\u52a8 \u667a\u505c \u505c\u6b62 \u5730\u9879 \u7f13\u5b9a \u673a\u5668\u72b6\u6001LOG \u70b9\u4e91\u6570\u636e\u83b7\u53d6 \u70b9\u4e91\u6570\u636e\u4fdd\u5b58 \u70b9\u4e91\u6570\u636e\u5904\u7406 \u7279\u5f81\u63d0\u53d6 3D\u68c0\u6d4b \u68c0\u6d4b\u7ed3\u679c\u4fdd\u5b58 \u6d4b\u8bd5\u7ed3\u679c \u626b\u7801\u7ed3\u679c OK\u6570\u91cf NG\u6570\u91cf \u710a\u70b91 \u710a\u70b92 \u710a\u70b93 \u710a\u70b94 \u710a\u70b95 \u68c0\u6d4b\u65f6\u95f4 \u91cd\u7f6e\u8def DBTree 0002 1 0002 2. pcd(D:/. VO0002 2 0002 3. pcd(D:/. 0002 3 ? 0002 4. pcd(D:/ 0002 4 ? 0002 5. pcd(D:/. 0002 5 Properties \u53e3\u6570\u636e\u91c7\u96c6 \u68c0\u6d4b\u548c\u65b9\u6cd5\u9009\u4ee3 \u9884\u5904\u7406 \u9884\u8bad\u7ec3\u6a21\u578b\u68c0\u6d4b \u73b0\u573a \uff08\u5728\u7ebf\u68c0\u6d4b\uff09 \u63a7\u5236 PCB\u5206\u5272 \u7edf\u8ba1\u51b3\u7b56 \u7ed3\u679c\u53ef\u89c6\u5316 \n</details>"]]
flagged/component 2/tmp30hwbm8w.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], ["\u7ed9\u4e2a\u6392\u5e8f\u7684\u4ee3\u7801", "<p>\u8fd9\u91cc\u662f\u4e00\u4e2a\u4f7f\u7528Python\u5185\u7f6e\u7684<code>sorted()</code>\u51fd\u6570\u5bf9\u5217\u8868\u8fdb\u884c\u6392\u5e8f\u7684\u793a\u4f8b\uff1a</p>\n<pre><code class=\"language-scss\"><div class=\"highlight\"><pre><span></span><span class=\"nt\">my_list</span><span class=\"w\"> </span><span class=\"o\">=</span><span class=\"w\"> </span><span class=\"o\">[</span><span class=\"nt\">1</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">2</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">3</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">4</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">5</span><span class=\"o\">]</span>\n<span class=\"nt\">sorted_list</span><span class=\"w\"> </span><span class=\"o\">=</span><span class=\"w\"> </span><span class=\"nt\">sorted</span><span class=\"o\">(</span><span class=\"nt\">my_list</span><span class=\"o\">)</span>\n\n<span class=\"nt\">print</span><span class=\"o\">(</span><span class=\"nt\">sorted_list</span><span class=\"o\">)</span>\n</pre></div>\n</code></pre>\n<p>\u8f93\u51fa\u7ed3\u679c\u4e3a\uff1a</p>\n<pre><code><div class=\"highlight\"><pre><span></span>[1, 2, 3, 4, 5]\n</pre></div>\n</code></pre>\n<p>\u5982\u679c\u4f60\u9700\u8981\u5bf9\u591a\u4e2a\u5217\u8868\u8fdb\u884c\u6392\u5e8f\uff0c\u53ef\u4ee5\u4f7f\u7528<code>sorted()</code>\u51fd\u6570\u7684\u591a\u4e2a\u53c2\u6570\uff0c\u5982\u4e0b\uff1a</p>\n<pre><code class=\"language-scss\"><div class=\"highlight\"><pre><span></span><span class=\"nt\">list1</span><span class=\"w\"> </span><span class=\"o\">=</span><span class=\"w\"> </span><span class=\"o\">[</span><span class=\"nt\">1</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">2</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">3</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">4</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">5</span><span class=\"o\">]</span>\n<span class=\"nt\">list2</span><span class=\"w\"> </span><span class=\"o\">=</span><span class=\"w\"> </span><span class=\"o\">[</span><span class=\"nt\">6</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">7</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">8</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">9</span><span class=\"o\">,</span><span class=\"w\"> </span><span class=\"nt\">10</span><span class=\"o\">]</span>\n\n<span class=\"nt\">sorted_list1</span><span class=\"w\"> </span><span class=\"o\">=</span><span class=\"w\"> </span><span class=\"nt\">sorted</span><span class=\"o\">(</span><span class=\"nt\">list1</span><span class=\"o\">)</span>\n<span class=\"nt\">sorted_list2</span><span class=\"w\"> </span><span class=\"o\">=</span><span class=\"w\"> </span><span class=\"nt\">sorted</span><span class=\"o\">(</span><span class=\"nt\">list2</span><span class=\"o\">)</span>\n\n<span class=\"nt\">print</span><span class=\"o\">(</span><span class=\"nt\">sorted_list1</span><span class=\"o\">)</span>\n<span class=\"nt\">print</span><span class=\"o\">(</span><span class=\"nt\">sorted_list2</span><span class=\"o\">)</span>\n</pre></div>\n</code></pre>\n<p>\u8f93\u51fa\u7ed3\u679c\u4e3a\uff1a</p>\n<pre><code><div class=\"highlight\"><pre><span></span>[1, 2, 3, 4, 5]\n[6, 7, 8, 9, 10]\n</pre></div>\n</code></pre>\n"], ["\u4f60\u77e5\u9053\u6bd4\u7279\u5e01\u5417\uff1f", "\u662f\u7684\uff0c\u6bd4\u7279\u5e01\u662f\u4e00\u79cd\u6570\u5b57\u8d27\u5e01\uff0c\u4f60\u53ef\u4ee5\u5728\u4e92\u8054\u7f51\u4e0a\u8fdb\u884c\u5b89\u5168\u7684\u4ea4\u6613\uff0c\u800c\u65e0\u9700\u62c5\u5fc3\u4f20\u7edf\u8d27\u5e01\u6c47\u6b3e\u548c\u94f6\u884c\u670d\u52a1\u53ef\u80fd\u51fa\u73b0\u7684\u95ee\u9898\u3002\u6bd4\u7279\u5e01\u662f\u4e00\u79cd\u53bb\u4e2d\u5fc3\u5316\u7684\u6570\u5b57\u8d27\u5e01\uff0c\u4f7f\u7528\u5206\u5e03\u5f0f\u8d26\u672c\u6280\u672f\uff08\u533a\u5757\u94fe\uff09\u8bb0\u5f55\u4ea4\u6613\uff0c\u56e0\u6b64\u4e0d\u53d7\u4efb\u4f55\u653f\u5e9c\u6216\u94f6\u884c\u7684\u9650\u5236\u3002"]]
flagged/component 2/tmp37wm540u.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "\u4f60\u597d\uff0c\u6709\u4ec0\u4e48\u6211\u53ef\u4ee5\u5e2e\u52a9\u4f60\u7684\u5417\uff1f"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\uff0c\u662f\u4e0a\u6d77\u7684\u4e00\u4e2a\u533a\u57df\uff0c\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\u3002\u5176\u4e2d\u5305\u62ec\u70ed\u6c14\u673a\u90e8\u3001\u7535\u7ad9\u90e8\u3001\u52a8\u88c5\u90e8\u3001\u73af\u88c5\u90e8\u3001\u4e03\u4e00\u4e00\u6240\u603b\u90e8\u3001\u5927\u9686\u5382\u3001\u5f20\u6c5f\u57fa\u5730\u7b49\u3002\u540c\u65f6\uff0c\u8be5\u533a\u57df\u8fd8\u4e0e\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\uff0c\u5e76\u83b7\u5f97\u4e86\u591a\u9879\u79d1\u6280\u6210\u679c\u548c\u6709\u6548\u4e13\u5229\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \n</details>"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "\u662f\u7684\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u3002\u8398\u5e84\u9547\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4eca\u5929\u5929\u6c14\u5982\u4f55\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4f60\u77e5\u9053711\u6240\u5417\uff1f", "711\u6240\u662f\u6307711 Research Institute\uff0c\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e00\u5bb6\u4e13\u6ce8\u4e8e\u7269\u8054\u7f51\u3001\u4eba\u5de5\u667a\u80fd\u3001\u673a\u5668\u4eba\u7b49\u9886\u57df\u7684\u524d\u6cbf\u7814\u7a76\u673a\u6784\u3002\u6210\u7acb\u4e8e2000\u5e74\uff0c\u81f4\u529b\u4e8e\u4e3a\u4ea7\u4e1a\u754c\u548c\u5b66\u672f\u754c\u63d0\u4f9b\u9ad8\u8d28\u91cf\u7684\u7814\u7a76\u670d\u52a1\uff0c\u63a8\u52a8\u79d1\u6280\u521b\u65b0\u548c\u793e\u4f1a\u8fdb\u6b65\u3002"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u4e00\u4e2a\u7814\u7a76\u6240\uff0c\u6210\u7acb\u4e8e1963\u5e74\uff0c\u73b0\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\u3002\u8be5\u7814\u7a76\u6240\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\uff0c\u662f\u4e00\u5bb6\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\u540c\u65f6\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u4e5f\u662f\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730\u3001\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a\u4f1a\u5458\u5355\u4f4d\uff0c\u5e76\u66fe\u83b7\u5f97\u591a\u9879\u79d1\u6280\u6210\u679c\u5956\u548c\u8363\u8a89\u79f0\u53f7\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\nShanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 \n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u603b \u8d44\u4ea7119\u4ebf\u5143\uff0c \u4e09\u5927\u4ea7\u4e1a\u677f\u5757\u6709\u6d77\u6d0b\u9632\u52a1\u88c5 \u5907\u4ea7\u4e1a\u3001\u8239\u8236\u6d77\u5de5\u88c5\u5907\u4ea7\u4e1a\u548c\u79d1\u6280\u5e94\u7528\u4ea7 \u4e1a\uff1b \u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \n</details><details> <summary>\u51fa\u5904 [5] 711-2.pdf</summary>\nModel Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4.\n</details>"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\uff0c\u6210\u7acb\u4e8e1963\u5e74\u3002\u5176\u4e3b\u8425\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81f4\u529b\u4e8e\u4e3a\u5ba2\u6237\u63d0\u4f9b\u9ad8\u54c1\u8d28\u7684\u667a\u80fd\u5236\u9020\u89e3\u51b3\u65b9\u6848\uff0c\u4f7f\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c\u7f29\u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4\uff0c\u6446\u8131\u5927\u91cf\u7e41\u7410\u7684\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7\u7684\u70e6\u607c\uff0c\u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe\u8ba1\u53d8\u6210\u73b0\u5b9e\uff0c\u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c\u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details>"], ["\u4ed6\u4eec\u505a\u8fc7\u7684\u9879\u76ee\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u7531\u4e8e\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e00\u4e2a\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\uff0c\u5176\u9879\u76ee\u8303\u56f4\u5e7f\u6cdb\uff0c\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u3001\u52a8\u529b\u88c5\u7f6e\u7b49\u9886\u57df\u7684\u7814\u53d1\u3001\u8bbe\u8ba1\u548c\u5236\u9020\u3002\u4ee5\u4e0b\u662f\u4e00\u4e9b\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u66fe\u7ecf\u53c2\u4e0e\u8fc7\u7684\u91cd\u8981\u9879\u76ee\uff1a</p></p>\n<ul>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210</li>\n <li>\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1</li>\n <li>\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020</li>\n</ul>\n<p>\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u8fd9\u4e9b\u9879\u76ee\u7684\u5177\u4f53\u5185\u5bb9\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u65b9\u9762\uff0c\u4f8b\u5982\u6280\u672f\u7814\u7a76\u3001\u4ea7\u54c1\u8bbe\u8ba1\u3001\u5de5\u7a0b\u5b9e\u65bd\u7b49\u3002"], ["\u4ed6\u4eec\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u505a\u8fc7\u54ea\u4e9b\u9879\u76ee\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u3001\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1\u3001\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76\u4ee5\u53ca\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020\u7b49\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-2.pdf</summary>\n\u7ea7\uff09 21% \u52a9\u7406\u5de5\u7a0b\u2026 \u9ad8\u7ea7\u5de51% \u4e2d\u7ea7\u5de52% \u5176\u4ed6\uff08\u672a \u8bc4\uff09 35% \u667a\u80fd\u5236\u9020\u4e1a\u52a1\u4ecb\u7ecd 04 PART \u4e3a\u7528\u6237\u63d0\u4f9b\u66f4\u4f18\u7684 \u7cfb\u7edf\u6027\u80fd\u5339\u914d\u548c\u6574 \u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c \u5305\u62ec\u5165\u6599\u3001\u7ec4\u88c5\u3001\u55b7\u7801\u3001 \u710a\u63a5\u3001\u81ea\u52a8\u68c0\u6d4b\u53ca\u6570\u636e\u4e0a\u4f20\u3001\u81ea\u52a8\u5305\u88c5\u3001\u4fe1\u606f\u8ffd \u6eaf\u7b49\u3002 \u25fc \u6574\u6761\u4ea7\u7ebf\u5c06\u539f\u6709\u4eba\u529b\u5bc6\u96c6\u578b\u7684\u751f\u4ea7\u6a21\u5f0f\uff0c\u8f6c\u53d8\u4e3a \u5de5\u4e1a\u673a\u5668\u4eba\u4e3a\u4e3b\u7684\u67d4\u6027\u5316\u667a\u80fd\u751f\u4ea7\u6a21\u5f0f\uff0c \u3002\n</details>"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93zhiliang1\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], ["\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u5305\u62ec\u54ea\u4e9b\uff1f", "\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u901a\u5e38\u5305\u62ec\u4ee5\u4e0b\u5185\u5bb9\uff1a\n\n1. \u8d28\u91cf\u624b\u518c\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u653f\u7b56\u3001\u76ee\u6807\u548c\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\u3002\n\n2. \u7a0b\u5e8f\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u7a0b\u5e8f\u3001\u65b9\u6cd5\u3001\u89c4\u5219\u548c\u6307\u5357\u3002\n\n3. \u4f5c\u4e1a\u6307\u5bfc\u4e66\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u5728\u5177\u4f53\u64cd\u4f5c\u5c42\u7684\u6587\u4ef6\u3002\n\n4. \u68c0\u67e5\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u68c0\u67e5\u548c\u5ba1\u67e5\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u68c0\u67e5\u8868\u683c\u3001\u68c0\u67e5\u7ed3\u679c\u548c\u6539\u8fdb\u63aa\u65bd\u7b49\u3002\n\n5. \u8bb0\u5f55\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5728\u8d28\u91cf\u7ba1\u7406\u8fc7\u7a0b\u4e2d\u4ea7\u751f\u7684\u6587\u4ef6\u7684\u8bb0\u5f55\uff0c\u5305\u62ec\u68c0\u9a8c\u8bb0\u5f55\u3001\u95ee\u9898\u62a5\u544a\u3001\u7ea0\u6b63\u63aa\u65bd\u7b49\u3002\n\n6. \u57f9\u8bad\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u5458\u5de5\u57f9\u8bad\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u57f9\u8bad\u8ba1\u5212\u3001\u57f9\u8bad\u8bb0\u5f55\u7b49\u3002\n\n7. \u6c9f\u901a\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u6c9f\u901a\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u6c9f\u901a\u8ba1\u5212\u3001\u6c9f\u901a\u8bb0\u5f55\u7b49\u3002\n\n8. \u7b26\u5408\u6587\u4ef6\uff1a\u63cf\u8ff0\u7b26\u5408\u7ec4\u7ec7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u7b26\u5408\u6027\u6587\u4ef6\u3001\u4e0d\u7b26\u5408\u6027\u6587\u4ef6\u7b49\u3002\n\n9. \u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u6587\u4ef6\u63a7\u5236\u7684\u7a0b\u5e8f\u548c\u65b9\u6cd5\uff0c\u5305\u62ec\u6587\u4ef6\u63a7\u5236\u8ba1\u5212\u3001\u6587\u4ef6\u63a7\u5236\u8bb0\u5f55\u7b49\u3002\n\n\u8fd9\u4e9b\u6587\u4ef6\u901a\u5e38\u5177\u6709\u89c4\u8303\u6027\u3001\u6307\u5bfc\u6027\u548c\u8bb0\u5f55\u6027\u3002\u5b83\u4eec\u6784\u6210\u4e86\u7ec4\u7ec7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\u57fa\u7840\uff0c\u5e76\u4e3a\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u548c\u6301\u7eed\u6539\u8fdb\u63d0\u4f9b\u4e86\u5fc5\u8981\u7684\u652f\u6301\u3002"]]
flagged/component 2/tmp385ev1ks.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "\u4f60\u597d\uff0c\u6709\u4ec0\u4e48\u6211\u53ef\u4ee5\u5e2e\u52a9\u4f60\u7684\u5417\uff1f"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\uff0c\u662f\u4e0a\u6d77\u7684\u4e00\u4e2a\u533a\u57df\uff0c\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\u3002\u5176\u4e2d\u5305\u62ec\u70ed\u6c14\u673a\u90e8\u3001\u7535\u7ad9\u90e8\u3001\u52a8\u88c5\u90e8\u3001\u73af\u88c5\u90e8\u3001\u4e03\u4e00\u4e00\u6240\u603b\u90e8\u3001\u5927\u9686\u5382\u3001\u5f20\u6c5f\u57fa\u5730\u7b49\u3002\u540c\u65f6\uff0c\u8be5\u533a\u57df\u8fd8\u4e0e\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\uff0c\u5e76\u83b7\u5f97\u4e86\u591a\u9879\u79d1\u6280\u6210\u679c\u548c\u6709\u6548\u4e13\u5229\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \n</details>"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "\u662f\u7684\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u3002\u8398\u5e84\u9547\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4eca\u5929\u5929\u6c14\u5982\u4f55\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4f60\u77e5\u9053711\u6240\u5417\uff1f", "711\u6240\u662f\u6307711 Research Institute\uff0c\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e00\u5bb6\u4e13\u6ce8\u4e8e\u7269\u8054\u7f51\u3001\u4eba\u5de5\u667a\u80fd\u3001\u673a\u5668\u4eba\u7b49\u9886\u57df\u7684\u524d\u6cbf\u7814\u7a76\u673a\u6784\u3002\u6210\u7acb\u4e8e2000\u5e74\uff0c\u81f4\u529b\u4e8e\u4e3a\u4ea7\u4e1a\u754c\u548c\u5b66\u672f\u754c\u63d0\u4f9b\u9ad8\u8d28\u91cf\u7684\u7814\u7a76\u670d\u52a1\uff0c\u63a8\u52a8\u79d1\u6280\u521b\u65b0\u548c\u793e\u4f1a\u8fdb\u6b65\u3002"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u4e00\u4e2a\u7814\u7a76\u6240\uff0c\u6210\u7acb\u4e8e1963\u5e74\uff0c\u73b0\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\u3002\u8be5\u7814\u7a76\u6240\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\uff0c\u662f\u4e00\u5bb6\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\u540c\u65f6\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u4e5f\u662f\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730\u3001\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a\u4f1a\u5458\u5355\u4f4d\uff0c\u5e76\u66fe\u83b7\u5f97\u591a\u9879\u79d1\u6280\u6210\u679c\u5956\u548c\u8363\u8a89\u79f0\u53f7\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\nShanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 \n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u603b \u8d44\u4ea7119\u4ebf\u5143\uff0c \u4e09\u5927\u4ea7\u4e1a\u677f\u5757\u6709\u6d77\u6d0b\u9632\u52a1\u88c5 \u5907\u4ea7\u4e1a\u3001\u8239\u8236\u6d77\u5de5\u88c5\u5907\u4ea7\u4e1a\u548c\u79d1\u6280\u5e94\u7528\u4ea7 \u4e1a\uff1b \u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \n</details><details> <summary>\u51fa\u5904 [5] 711-2.pdf</summary>\nModel Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4.\n</details>"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\uff0c\u6210\u7acb\u4e8e1963\u5e74\u3002\u5176\u4e3b\u8425\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81f4\u529b\u4e8e\u4e3a\u5ba2\u6237\u63d0\u4f9b\u9ad8\u54c1\u8d28\u7684\u667a\u80fd\u5236\u9020\u89e3\u51b3\u65b9\u6848\uff0c\u4f7f\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c\u7f29\u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4\uff0c\u6446\u8131\u5927\u91cf\u7e41\u7410\u7684\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7\u7684\u70e6\u607c\uff0c\u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe\u8ba1\u53d8\u6210\u73b0\u5b9e\uff0c\u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c\u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details>"], ["\u4ed6\u4eec\u505a\u8fc7\u7684\u9879\u76ee\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u7531\u4e8e\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e00\u4e2a\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\uff0c\u5176\u9879\u76ee\u8303\u56f4\u5e7f\u6cdb\uff0c\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u3001\u52a8\u529b\u88c5\u7f6e\u7b49\u9886\u57df\u7684\u7814\u53d1\u3001\u8bbe\u8ba1\u548c\u5236\u9020\u3002\u4ee5\u4e0b\u662f\u4e00\u4e9b\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u66fe\u7ecf\u53c2\u4e0e\u8fc7\u7684\u91cd\u8981\u9879\u76ee\uff1a</p></p>\n<ul>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210</li>\n <li>\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1</li>\n <li>\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020</li>\n</ul>\n<p>\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u8fd9\u4e9b\u9879\u76ee\u7684\u5177\u4f53\u5185\u5bb9\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u65b9\u9762\uff0c\u4f8b\u5982\u6280\u672f\u7814\u7a76\u3001\u4ea7\u54c1\u8bbe\u8ba1\u3001\u5de5\u7a0b\u5b9e\u65bd\u7b49\u3002"], ["\u4ed6\u4eec\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u505a\u8fc7\u54ea\u4e9b\u9879\u76ee\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u3001\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1\u3001\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76\u4ee5\u53ca\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020\u7b49\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-2.pdf</summary>\n\u7ea7\uff09 21% \u52a9\u7406\u5de5\u7a0b\u2026 \u9ad8\u7ea7\u5de51% \u4e2d\u7ea7\u5de52% \u5176\u4ed6\uff08\u672a \u8bc4\uff09 35% \u667a\u80fd\u5236\u9020\u4e1a\u52a1\u4ecb\u7ecd 04 PART \u4e3a\u7528\u6237\u63d0\u4f9b\u66f4\u4f18\u7684 \u7cfb\u7edf\u6027\u80fd\u5339\u914d\u548c\u6574 \u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c \u5305\u62ec\u5165\u6599\u3001\u7ec4\u88c5\u3001\u55b7\u7801\u3001 \u710a\u63a5\u3001\u81ea\u52a8\u68c0\u6d4b\u53ca\u6570\u636e\u4e0a\u4f20\u3001\u81ea\u52a8\u5305\u88c5\u3001\u4fe1\u606f\u8ffd \u6eaf\u7b49\u3002 \u25fc \u6574\u6761\u4ea7\u7ebf\u5c06\u539f\u6709\u4eba\u529b\u5bc6\u96c6\u578b\u7684\u751f\u4ea7\u6a21\u5f0f\uff0c\u8f6c\u53d8\u4e3a \u5de5\u4e1a\u673a\u5668\u4eba\u4e3a\u4e3b\u7684\u67d4\u6027\u5316\u667a\u80fd\u751f\u4ea7\u6a21\u5f0f\uff0c \u3002\n</details>"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93zhiliang1\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], ["\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u901a\u5e38\u5305\u62ec\u4ee5\u4e0b\u5185\u5bb9\uff1a</p></p>\n<ol>\n<li>\n<p>\u8d28\u91cf\u624b\u518c\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u653f\u7b56\u3001\u76ee\u6807\u548c\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\u3002</p>\n</li>\n<li>\n<p>\u7a0b\u5e8f\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u7a0b\u5e8f\u3001\u65b9\u6cd5\u3001\u89c4\u5219\u548c\u6307\u5357\u3002</p>\n</li>\n<li>\n<p>\u4f5c\u4e1a\u6307\u5bfc\u4e66\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u5728\u5177\u4f53\u64cd\u4f5c\u5c42\u7684\u6587\u4ef6\u3002</p>\n</li>\n<li>\n<p>\u68c0\u67e5\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u68c0\u67e5\u548c\u5ba1\u67e5\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u68c0\u67e5\u8868\u683c\u3001\u68c0\u67e5\u7ed3\u679c\u548c\u6539\u8fdb\u63aa\u65bd\u7b49\u3002</p>\n</li>\n<li>\n<p>\u8bb0\u5f55\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5728\u8d28\u91cf\u7ba1\u7406\u8fc7\u7a0b\u4e2d\u4ea7\u751f\u7684\u6587\u4ef6\u7684\u8bb0\u5f55\uff0c\u5305\u62ec\u68c0\u9a8c\u8bb0\u5f55\u3001\u95ee\u9898\u62a5\u544a\u3001\u7ea0\u6b63\u63aa\u65bd\u7b49\u3002</p>\n</li>\n<li>\n<p>\u57f9\u8bad\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u5458\u5de5\u57f9\u8bad\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u57f9\u8bad\u8ba1\u5212\u3001\u57f9\u8bad\u8bb0\u5f55\u7b49\u3002</p>\n</li>\n<li>\n<p>\u6c9f\u901a\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u6c9f\u901a\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u6c9f\u901a\u8ba1\u5212\u3001\u6c9f\u901a\u8bb0\u5f55\u7b49\u3002</p>\n</li>\n<li>\n<p>\u7b26\u5408\u6587\u4ef6\uff1a\u63cf\u8ff0\u7b26\u5408\u7ec4\u7ec7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u7b26\u5408\u6027\u6587\u4ef6\u3001\u4e0d\u7b26\u5408\u6027\u6587\u4ef6\u7b49\u3002</p>\n</li>\n<li>\n<p>\u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u6587\u4ef6\u63a7\u5236\u7684\u7a0b\u5e8f\u548c\u65b9\u6cd5\uff0c\u5305\u62ec\u6587\u4ef6\u63a7\u5236\u8ba1\u5212\u3001\u6587\u4ef6\u63a7\u5236\u8bb0\u5f55\u7b49\u3002</p>\n</li>\n</ol>\n<p>\u8fd9\u4e9b\u6587\u4ef6\u901a\u5e38\u5177\u6709\u89c4\u8303\u6027\u3001\u6307\u5bfc\u6027\u548c\u8bb0\u5f55\u6027\u3002\u5b83\u4eec\u6784\u6210\u4e86\u7ec4\u7ec7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\u57fa\u7840\uff0c\u5e76\u4e3a\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u548c\u6301\u7eed\u6539\u8fdb\u63d0\u4f9b\u4e86\u5fc5\u8981\u7684\u652f\u6301\u3002"], ["\u4f60\u77e5\u9053711\u6240\u7684\u8d28\u91cf\u4f53\u7cfb\u5417\uff1f", "\u62b1\u6b49\uff0c\u6211\u662f\u4e00\u4e2a\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u65e0\u6cd5\u8bbf\u95ee\u4e92\u8054\u7f51\u83b7\u53d6\u4fe1\u606f\u3002\u6211\u7684\u77e5\u8bc6\u5e93\u4e2d\u6ca1\u6709\u4e0e\u201c711\u6240\u201d\u76f8\u5173\u7684\u4fe1\u606f\uff0c\u56e0\u6b64\u65e0\u6cd5\u56de\u7b54\u8fd9\u4e2a\u95ee\u9898\u3002"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u8d28\u91cf\u4f53\u7cfb\u5417\uff1f", "\u62b1\u6b49\uff0c\u6211\u662f\u4e00\u4e2a\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u65e0\u6cd5\u8bbf\u95ee\u4e92\u8054\u7f51\u83b7\u53d6\u4fe1\u606f\u3002\u6211\u7684\u77e5\u8bc6\u5e93\u4e2d\u6ca1\u6709\u4e0e\u201c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u201d\u76f8\u5173\u7684\u4fe1\u606f\uff0c\u56e0\u6b64\u65e0\u6cd5\u56de\u7b54\u8fd9\u4e2a\u95ee\u9898\u3002"], ["\u4f60\u77e5\u9053\u81ea\u52a8\u5316\u90e8\u7684\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u5417\uff1f", "<p>\u7531\u4e8e\u6211\u662f\u4e00\u4e2a\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u65e0\u6cd5\u8bbf\u95ee\u4e92\u8054\u7f51\u83b7\u53d6\u4fe1\u606f\uff0c\u56e0\u6b64\u6211\u65e0\u6cd5\u76f4\u63a5\u63d0\u4f9b\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u7684\u8be6\u7ec6\u4fe1\u606f\u3002\u4f46\u662f\uff0c\u4f60\u53ef\u4ee5\u5c1d\u8bd5\u901a\u8fc7\u4ee5\u4e0b\u9014\u5f84\u83b7\u53d6\u76f8\u5173\u4fe1\u606f\uff1a</p></p>\n<ol>\n<li>\n<p>\u8bbf\u95ee\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u5b98\u65b9\u7f51\u7ad9\u3002\u5b98\u65b9\u7f51\u7ad9\u4e0a\u53ef\u80fd\u4f1a\u6709\u5173\u4e8e\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u7684\u8be6\u7ec6\u4fe1\u606f\u3002</p>\n</li>\n<li>\n<p>\u8054\u7cfb\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u76f8\u5173\u90e8\u95e8\uff0c\u8be2\u95ee\u4ed6\u4eec\u662f\u5426\u80fd\u591f\u63d0\u4f9b\u76f8\u5173\u4fe1\u606f\u3002</p>\n</li>\n<li>\n<p>\u53c2\u8003\u76f8\u5173\u6587\u732e\u6216\u8d44\u6599\uff0c\u6bd4\u5982\u5b66\u672f\u8bba\u6587\u3001\u884c\u4e1a\u62a5\u544a\u7b49\u3002</p>\n</li>\n<li>\n<p>\u5bfb\u6c42\u4e13\u4e1a\u4eba\u58eb\u7684\u5e2e\u52a9\uff0c\u6bd4\u5982\u8bf7\u4e13\u4e1a\u4eba\u58eb\u8fdb\u884c\u54a8\u8be2\u6216\u57f9\u8bad\u3002</p>\n</li>\n</ol>\n<p>\u5e0c\u671b\u8fd9\u4e9b\u5efa\u8bae\u5bf9\u4f60\u6709\u6240\u5e2e\u52a9\u3002"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93zhiliang1\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u6dfb\u52a0 \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u4f53\u7cfb\u5417\uff1f", "\u662f\u7684\uff0c\u6211\u4e86\u89e3\u81ea\u52a8\u5316\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u4f53\u7cfb\u3002\u4f46\u662f\uff0c\u6211\u9700\u8981\u66f4\u591a\u7684\u4e0a\u4e0b\u6587\u548c\u7ec6\u8282\u624d\u80fd\u56de\u7b54\u60a8\u7684\u95ee\u9898\uff0c\u4f8b\u5982\u60a8\u60f3\u4e86\u89e3\u54ea\u4e9b\u65b9\u9762\u7684\u4fe1\u606f\u3002\u8bf7\u60a8\u63d0\u4f9b\u66f4\u5177\u4f53\u7684\u95ee\u9898\u6216\u4fe1\u606f\uff0c\u4ee5\u4fbf\u6211\u4e3a\u60a8\u63d0\u4f9b\u66f4\u8be6\u7ec6\u7684\u56de\u7b54\u3002"]]
flagged/component 2/tmp3c6guzh7.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["introduce Clinical Practice Guidelines", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357\uff08Clinical Practice Guidelines\uff09\u662f\u5728\u6210\u4eba\u764c\u75c7\u6cbb\u7597\u671f\u95f4\u5bf9\u5e78\u5b58\u8005\u8fdb\u884c\u4e34\u5e8a\u5b9e\u8df5\u6307\u5bfc\u7684\u6807\u51c6\u5316\u6307\u5bfc\u6587\u4ef6\u3002\u8fd9\u4e9b\u6307\u5357\u901a\u5e38\u5305\u62ec\u80bf\u7624\u5b66\u3001\u4e34\u5e8a\u5b9e\u8df5\u3001\u80bf\u7624\u6cbb\u7597\u548c\u968f\u8bbf\u7b49\u65b9\u9762\u7684\u4e3b\u9898\uff0c\u65e8\u5728\u4e3a\u533b\u751f\u63d0\u4f9b\u660e\u786e\u7684\u6307\u5bfc\uff0c\u4ee5\u4fbf\u4e3a\u60a3\u8005\u63d0\u4f9b\u6700\u4f73\u7684\u6cbb\u7597\u548c\u62a4\u7406\u3002</p>\n<p>\u4f8b\u5982\uff0c\u7f8e\u56fd\u56fd\u5bb6\u764c\u75c7\u7814\u7a76\u6240\uff08NCI\uff09\u5236\u5b9a\u7684\u300a\u5c40\u90e8\u7ed3\u80a0\u764c\uff1aESMO\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357 for \u8bca\u65ad\u3001\u6cbb\u7597\u548c\u968f\u8bbf\u300b\u662f\u4e00\u7bc7\u5173\u4e8e\u7ed3\u80a0\u764c\u4e34\u5e8a\u5b9e\u8df5\u7684\u6307\u5357\uff0c\u6db5\u76d6\u4e86\u8bca\u65ad\u3001\u6cbb\u7597\u548c\u968f\u8bbf\u7b49\u65b9\u9762\u7684\u4e3b\u9898\uff0c\u4e3a\u533b\u751f\u63d0\u4f9b\u4e86\u4e13\u4e1a\u7684\u6307\u5bfc\u3002</p>\n<p>\u6b64\u5916\uff0c\u4e00\u4e9b\u5b66\u672f\u671f\u520a\uff0c\u5982\u300aAnn Oncol\u300b\u548c\u300aN Engl J Med\u300b\uff0c\u4e5f\u53d1\u8868\u4e86\u5173\u4e8e\u764c\u75c7\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357\u7684\u7814\u7a76\u8bba\u6587\uff0c\u8fd9\u4e9b\u7814\u7a76\u8bba\u6587\u65e8\u5728\u63a2\u8ba8\u80bf\u7624\u5b66\u3001\u4e34\u5e8a\u5b9e\u8df5\u548c\u80bf\u7624\u6cbb\u7597\u7b49\u65b9\u9762\u7684\u95ee\u9898\uff0c\u5e76\u4e3a\u533b\u751f\u63d0\u4f9b\u6709\u4ef7\u503c\u7684\u53c2\u8003\u3002</p>\n<details> <summary>\u51fa\u5904 [1] ColonCancer_2023.V2_EN.pdf</summary>\n Results were confined to the following article types: Clinical Trial, Phase III; Clinical Trial, Phase IV; Guideline; Practice Guideline; Randomized Controlled Trial; Meta-Analysis; Systematic Reviews; and Validation Studies.\n</details><details> <summary>\u51fa\u5904 [2] ColonCancer_2023.V2_EN.pdf</summary>\nwho work with survivors of adult-onset cancer in the post-treatment period, including those in specialty cancer survivor clinics and primary care practices. The NCCN Guidelines for Survivorship include many topics with potential relevance \n</details><details> <summary>\u51fa\u5904 [3] ColonCancer_2023.V2_EN.pdf</summary>\nncbi. nlm. nih. gov/pubmed/36646802. 360. Argiles G, Tabernero J, Labianca R, et al. Localised colon cancer: ESMO Clinical Practice Guidelines for diagnosis, treatment and follow-up. Ann Oncol 2020; 31:1291-1305. Available at: https://www. ncbi. nlm. nih.\n</details><details> <summary>\u51fa\u5904 [4] ColonCancer_2023.V2_EN.pdf</summary>\nncbi. nlm. nih. gov/pubmed/17060676. 1046. Pfister DG, Benson AB, 3rd, Somerfield MR. Clinical practice. Surveillance strategies after curative treatment of colorectal cancer. N Engl J Med 2004; 350:2375-2382. Available at: http://www. ncbi. nlm. nih.\n</details>"], ["introduce NCCN", "<p>NCCN\uff08National Comprehensive Cancer Network\uff09\u662f\u4e00\u4e2a\u81f4\u529b\u4e8e\u4e3a\u764c\u75c7\u60a3\u8005\u63d0\u4f9b\u6700\u4f73\u62a4\u7406\u548c\u6cbb\u7597\u65b9\u6848\u7684\u56fd\u9645\u7ec4\u7ec7\u3002\u8be5\u7ec4\u7ec7\u6210\u7acb\u4e8e1990\u5e74\uff0c\u603b\u90e8\u4f4d\u4e8e\u7f8e\u56fd\u9a6c\u8428\u8bf8\u585e\u5dde\u5251\u6865\u5e02\u3002NCCN\u901a\u8fc7\u5236\u5b9a\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357\uff0c\u4e3a\u764c\u75c7\u60a3\u8005\u63d0\u4f9b\u660e\u786e\u7684\u6cbb\u7597\u5efa\u8bae\uff0c\u5e2e\u52a9\u533b\u751f\u66f4\u597d\u5730\u4e3a\u60a3\u8005\u63d0\u4f9b\u62a4\u7406\u3002</p>\n<p>NCCN\u6307\u5357\u8986\u76d6\u4e86\u5404\u79cd\u764c\u75c7\u7c7b\u578b\uff0c\u5305\u62ec\u80ba\u764c\u3001\u4e73\u817a\u764c\u3001\u524d\u5217\u817a\u764c\u3001\u7ed3\u80a0\u764c\u7b49\u3002\u9488\u5bf9\u6bcf\u79cd\u764c\u75c7\u7c7b\u578b\uff0cNCCN\u6307\u5357\u90fd\u63d0\u4f9b\u4e86\u80bf\u7624\u5b66\u3001\u4e34\u5e8a\u5b9e\u8df5\u3001\u80bf\u7624\u6cbb\u7597\u548c\u968f\u8bbf\u7b49\u65b9\u9762\u7684\u4e3b\u9898\uff0c\u65e8\u5728\u4e3a\u533b\u751f\u63d0\u4f9b\u660e\u786e\u7684\u6307\u5bfc\u3002</p>\n<p>NCCN\u6307\u5357\u8fd8\u7279\u522b\u5173\u6ce8\u60a3\u8005\u7684\u9700\u6c42\u548c\u5fc3\u7406\u5065\u5eb7\uff0c\u63d0\u4f9b\u5173\u4e8e\u75bc\u75db\u7ba1\u7406\u3001\u60a3\u8005\u53c2\u4e0e\u548c\u5b89\u5b81\u7597\u62a4\u7b49\u65b9\u9762\u7684\u5efa\u8bae\u3002\u8fd9\u4e9b\u6307\u5357\u65e8\u5728\u63d0\u9ad8\u764c\u75c7\u60a3\u8005\u7684\u751f\u5b58\u7387\u548c\u751f\u6d3b\u8d28\u91cf\u3002</p>\n<p>\u503c\u5f97\u4e00\u63d0\u7684\u662f\uff0cNCCN\u5728\u80ba\u764c\u6cbb\u7597\u65b9\u9762\u5177\u6709\u5f88\u9ad8\u7684\u6743\u5a01\u6027\u3002\u6839\u636eNCCN\u6307\u5357\uff0c\u643a\u5e26EGFR\u3001ALK\u9a71\u52a8\u7a81\u53d8\u7684\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u60a3\u8005\u4e0d\u592a\u53ef\u80fd\u4eceICIs\uff08\u514d\u75ab\u68c0\u67e5\u70b9\uff09\u6cbb\u7597\u4e2d\u83b7\u76ca\u3002\u5bf9\u4e8e\u643a\u5e26MET ex14\u8df3\u8bfb\u7a81\u53d8\u7684\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u60a3\u8005\uff0c\u5c3d\u7ba1PD-L1\u8868\u8fbe\u8f83\u9ad8\uff0c\u4f46ICIs\u7684\u53cd\u5e94\u7387\u4ecd\u8f83\u4f4e\uff0c\u7ea6\u4e3a16%\u3002</p>\n<p>\u603b\u4e4b\uff0cNCCN\u662f\u4e00\u4e2a\u4e3a\u764c\u75c7\u60a3\u8005\u63d0\u4f9b\u6743\u5a01\u6cbb\u7597\u548c\u62a4\u7406\u65b9\u6848\u7684\u56fd\u9645\u7ec4\u7ec7\uff0c\u5176\u6307\u5357\u5728\u80bf\u7624\u5b66\u3001\u4e34\u5e8a\u5b9e\u8df5\u548c\u60a3\u8005\u9700\u6c42\u65b9\u9762\u63d0\u4f9b\u4e86\u5168\u9762\u7684\u6307\u5bfc\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u68c0\u6d4b\u610f\u4e49 \u3010\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u3011 ALK \u8d1f\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 - - \u975e\u5c0f\u7ec6\u80de\u80ba\u764c NCCN \u6307\u5357\u4e2d\u63d0\u53ca\uff1a\u591a\u9879\u7814\u7a76\u8868\u660e\u643a\u5e26 EGFR\u3001ALK \u9a71\u52a8\u7a81\u53d8\u7684\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u60a3\u8005\u4e0d\u592a\u53ef\u80fd\u4ece ICIs \u6cbb\u7597\u4e2d\u83b7\u76ca\uff08PMID\uff1a31125062\u300129874546\uff09\u3002 EGFR \u8d1f\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 - - MET \u8d1f\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 - - \u975e\u5c0f\u7ec6\u80de\u80ba\u764c NCCN \u6307\u5357\u4e2d\u6307\u51fa\uff0c \u643a\u5e26 MET ex14 \u8df3 \u8bfb\u7a81\u53d8\u7684\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u60a3\u8005\u5bf9 ICIs \u7684\u53cd\u5e94\u7387\u8f83\u4f4e\u7ea6\u4e3a 16%\uff0c \u5c3d\u7ba1\u8fd9\u4e9b\u60a3\u8005 PD-L1 \u9ad8\u8868\u8fbe\u3002\n</details><details> <summary>\u51fa\u5904 [2] ColonCancer_2023.V2_EN.pdf</summary>\nVersion 2. 2023, 04/25/23 \u00a9 2023 National Comprehensive Cancer Network\u00ae (NCCN\u00ae), All rights reserved. NCCN Guidelines\u00ae and this illustration \n</details><details> <summary>\u51fa\u5904 [3] ColonCancer_2023.V2_EN.pdf</summary>\n MS, ASCP Katie Stehman, MMS, PA-C NCCN Guidelines Version 2. 2023 Colon Cancer Version 2. 2023, 04/25/23 \u00a9 2023 National Comprehensive Cancer Network\u00ae (NCCN\u00ae), All rights reserved. NCCN Guidelines\u00ae and this illustration may not be reproduced \n</details><details> <summary>\u51fa\u5904 [4] ColonCancer_2023.V2_EN.pdf</summary>\na health care provider specializing in ostomy care (ie, ostomy nurse) \u0017Screen for distress around body changes (NCCN Guidelines for Distress Management) and precautions around involvement with physical activity (see page SPA-C in the NCCN Guidelines \n</details><details> <summary>\u51fa\u5904 [5] ColonCancer_2023.V2_EN.pdf</summary>\n5 This Discussion summarizes the NCCN Clinical Practice Guidelines in Oncology (NCCN Guidelines\u00ae) Colon Cancer. These guidelines begin with the clinical presentation of \n</details>"], ["introduce NCCN Clinical Practice Guidelines of colon cancer.", "<p>NCCN\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357\uff08NCCN Guidelines\u00ae\uff09\u662fNational Comprehensive Cancer Network\uff08NCCN\uff09\u4e3a\u6cbb\u7597\u5927\u80a0\u764c\u63d0\u4f9b\u6307\u5bfc\u7684\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357\u3002\u8fd9\u4e9b\u6307\u5357\u6db5\u76d6\u4e86\u4ece\u8bca\u65ad\u3001\u6cbb\u7597\u5230\u968f\u8bbf\u7684\u5404\u4e2a\u65b9\u9762\uff0c\u65e8\u5728\u4e3a\u533b\u751f\u63d0\u4f9b\u660e\u786e\u7684\u6307\u5bfc\u3002NCCN\u4e34\u5e8a\u5b9e\u8df5\u6307\u5357\u5305\u62ec\u591a\u4e2a\u90e8\u5206\uff0c\u5982\u80bf\u7624\u5b66\u3001\u4e34\u5e8a\u5b9e\u8df5\u3001\u80bf\u7624\u6cbb\u7597\u548c\u968f\u8bbf\u7b49\u3002\u5176\u4e2d\uff0c\u5bf9\u4e8e\u5e26\u6709EGFR\u3001ALK\u9a71\u52a8\u7a81\u53d8\u7684\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u60a3\u8005\uff0cNCCN\u6307\u5357\u4e2d\u6307\u51faICIs\uff08\u514d\u75ab\u68c0\u67e5\u70b9\uff09\u6cbb\u7597\u5e76\u4e0d\u9002\u7528\u4e8e\u8fd9\u4e9b\u60a3\u8005\u3002\u5bf9\u4e8e\u643a\u5e26MET ex14\u8df3\u8bfb\u7a81\u53d8\u7684\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u60a3\u8005\uff0c\u5c3d\u7ba1PD-L1\u8868\u8fbe\u8f83\u9ad8\uff0c\u4f46ICIs\u7684\u53cd\u5e94\u7387\u4ecd\u8f83\u4f4e\uff0c\u7ea6\u4e3a16%\u3002\u6b64\u5916\uff0cNCCN\u6307\u5357\u8fd8\u7279\u522b\u5173\u6ce8\u60a3\u8005\u7684\u9700\u6c42\u548c\u5fc3\u7406\u5065\u5eb7\uff0c\u63d0\u4f9b\u5173\u4e8e\u75bc\u75db\u7ba1\u7406\u3001\u60a3\u8005\u53c2\u4e0e\u548c\u5b89\u5b81\u7597\u62a4\u7b49\u65b9\u9762\u7684\u5efa\u8bae\u3002</p>\n<details> <summary>\u51fa\u5904 [1] ColonCancer_2023.V2_EN.pdf</summary>\nwritten permission of NCCN. NCCN Clinical Practice Guidelines in Oncology (NCCN Guidelines\u00ae) Colon Cancer Version 2. 2023 \u2014 April 25, 2023 Continue NCCN. org NCCN Guidelines for Patients\u00ae available at www. nccn. org/patients \n</details><details> <summary>\u51fa\u5904 [2] ColonCancer_2023.V2_EN.pdf</summary>\npatient with cancer is in a clinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion SUBSEQUENT THERAPYc, o, p Previous oxaliplatin- based therapy without irinotecan CONTINUUM OF \n</details><details> <summary>\u51fa\u5904 [3] ColonCancer_2023.V2_EN.pdf</summary>\npatient with cancer is in a clinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion SUBSEQUENT THERAPYc, o, p Previous irinotecan- based therapy without oxaliplatin CONTINUUM OF \n</details><details> <summary>\u51fa\u5904 [4] ColonCancer_2023.V2_EN.pdf</summary>\nis in a clinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion SUBSEQUENT THERAPYc, o, p CONTINUUM OF CARE - SYSTEMIC THERAPY FOR ADVANCED OR METASTATIC DISEASEa, b, n FOLFOXd or \n</details><details> <summary>\u51fa\u5904 [5] ColonCancer_2023.V2_EN.pdf</summary>\n.. .. .. MS-84 This discussion corresponds to the NCCN Guidelines for Colon Cancer. Last updated April 25, 2023. National Comprehensive NCCN Cancer Network? Version 2.\n</details>"], ["introduce col-1", "Col-1\u662f\u4e00\u79cd\u80a0\u9053\u80bf\u7624\uff0c\u4e5f\u79f0\u4e3a\u7ed3\u80a0\u764c\u3002\u5b83\u901a\u5e38\u751f\u957f\u5728\u7ed3\u80a0\u58c1\u4e0a\uff0c\u4f46\u4e5f\u6709\u53ef\u80fd\u6269\u6563\u5230\u7cfb\u819c\u6216\u7cfb\u819c\u6839\u90e8\u3002\u7ed3\u80a0\u764c\u662f\u5e38\u89c1\u7684\u764c\u75c7\u4e4b\u4e00\uff0c\u4e25\u91cd\u5a01\u80c1\u4eba\u7c7b\u5065\u5eb7\u3002\u6839\u636e\u7edf\u8ba1\uff0c\u7ed3\u80a0\u764c\u5728\u5317\u7f8e\u5730\u533a\u7684\u53d1\u75c5\u7387\u4e3a22,100\u4eba/\u5e74\uff0c\u5c45\u764c\u75c7\u6b7b\u4ea1\u539f\u56e0\u7b2c\u4e8c\u4f4d\u3002\u6cbb\u7597\u7ed3\u80a0\u764c\u7684\u65b9\u6cd5\u5305\u62ec\u624b\u672f\u3001\u653e\u7597\u548c\u5316\u7597\u7b49\u3002\u8fd1\u5e74\u6765\uff0c\u7814\u7a76\u4eba\u5458\u53d1\u73b0\u7ed3\u80a0\u764c\u4e0e\u591a\u79cd\u57fa\u56e0\u548c\u73af\u5883\u56e0\u7d20\u6709\u5173\uff0c\u5982APC\u57fa\u56e0\u7a81\u53d8\u3001\u708e\u75c7\u53cd\u5e94\u548c\u80a0\u9053\u5fae\u751f\u6001\u7b49\u3002\n\n<details> <summary>\u51fa\u5904 [1] ColonCancer_2023.V2_EN.pdf</summary>\nUpdates Clinical Presentations and Primary Treatment: \u2022 Pedunculated or Sessile Polyp (Adenoma) with Invasive Cancer (COL-1) \u2022 Workup for Colon Cancer Appropriate for Resection (Non-metastatic)/Suspected or Proven Metastatic Adenocarcinoma (COL-2) \u2022 \n</details><details> <summary>\u51fa\u5904 [2] ColonCancer_2023.V2_EN.pdf</summary>\nUpdates Clinical Presentations and Primary Treatment: \u2022 Pedunculated or Sessile Polyp (Adenoma) with Invasive Cancer (COL-1) \u2022 Workup for Colon Cancer Appropriate for Resection (Non-metastatic)/Suspected or Proven Metastatic Adenocarcinoma (COL-2) \u2022 \n</details><details> <summary>\u51fa\u5904 [3] ColonCancer_2023.V2_EN.pdf</summary>\nthe header on pages COL-3 through COL-11 \u2022 Terminologies modified to advance the goals of equity, inclusion, and representation. COL-1 \u2022 Workup \u0017Bullet 3 revised: Marking of cancerous polyp site (at time of colonoscopy or within 2 weeks if \n</details><details> <summary>\u51fa\u5904 [4] ColonCancer_2023.V2_EN.pdf</summary>\n NCCN Guidelines Index Table of Contents Discussion Pedunculated or sessile polyp (adenoma) with invasive cancer COL-1 a All patients with colon cancer should be counseled for family history and considered for risk assessment.\n</details>"]]
flagged/component 2/tmp3denp91u.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u516c\u53f8\u5417\uff1f", "\u6211\u65e0\u6cd5\u786e\u5b9a\u662f\u5426\u6307\u7684\u662f\u54ea\u4e2a\u5b89\u9f99\u516c\u53f8\uff0c\u56e0\u4e3a\u8be5\u540d\u79f0\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u4e0d\u540c\u7684\u5b9e\u4f53\u6216\u516c\u53f8\u3002\u53ef\u4ee5\u63d0\u4f9b\u66f4\u591a\u80cc\u666f\u4fe1\u606f\u6216\u4e0a\u4e0b\u6587\u5417\uff0c\u8fd9\u6837\u6211\u624d\u80fd\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002\u6b64\u5916\uff0c\u8be5\u516c\u53f8\u8fd8\u662f\u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212\u521b\u65b0\u4eba\u624d\u548c\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u6838\u5fc3\u6280\u672f\u6709\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u4e3b\u8981\u63d0\u4f9b\u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7814\u7a76\u3001\u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1\u3001\u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66\u7b49\u4e1a\u52a1\u3002\u540c\u65f6\uff0c\u8be5\u516c\u53f8\u8fd8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u4f0a\u745e\u53ef \u5409\u975e\u66ff\u5c3c\u7247 TOF \u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd \u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7a76 \u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1 \u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66 \u673a\u6784\u540d\u79f0\u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u5b9e \u6cd5\u5b9a\u4ee3\u8868\u4eba\u5e78\u822a \u4e3b\u8981\u8d1f\u8d23\u4eba\u738b\u63a5\u5170 \u767b\u8bb0\u53f7 \u4f01\u4e1a\u540d\u79f0\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u8bc1\u4e66\u7f16\u53f7\uff1aGR201834001281 \u53d1\u8bc1\u65f6\u95f4\uff1a20 \u8be5\u533b\u7597\u673a\u6784\u7ecf\u6838\u51c6\u767b\u8bb0\uff0c \u51c6\u4e88\u6267\u4e1a \u673a\u5173\u5408\u8303\u5e02\u536b\u751f\u4e2d\u6c34\u4e3b\u5546\u59d4\u5458 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u4ea7\u54c1\u670d\u52a1\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u4e3b\u8981\u63d0\u4f9b\u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7814\u7a76\u3001\u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1\u3001\u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66\u7b49\u4e1a\u52a1\u3002\u540c\u65f6\uff0c\u8be5\u516c\u53f8\u8fd8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002</p></p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u4ecb\u7ecd\u4e00\u4e0b\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u68c0\u6d4b\u4ea7\u54c1\u3002", "<p>\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\uff0c\u901a\u8fc7\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002\u8be5\u4ea7\u54c1\u9002\u7528\u4e8e\u80bf\u7624\u6cbb\u7597\u524d\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c\u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb\u884c\u7cbe\u51c6\u5206\u7c7b\uff0c\u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c\u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u5df2\u5efa\u7acb10\u4e07\u4f59\u4f8b\u8fd130\u79cd\u764c\u75c7\u57fa\u56e0\u6570\u636e\u5e93\uff0c \u5f62\u6210\u4e86\u4f01\u4e1a\u5728\u884c\u4e1a\u5185\u7684\u6280\u672f\u58c1\u5792\u3002 \u6b64\u5916\uff0c \u8fd8\u642d\u5efa\u4e86\u5305\u62ecPCR\u3001\u6570\u5b57PCR\u3001\u4e00\u4ee3\u6d4b\u5e8f\u3001\u4e8c\u4ee3\u6d4b\u5e8f\u7b49\u5728\u5185\u7684\u591a\u79cd\u68c0\u6d4b\u5e73\u53f0\uff0c \u7b2c\u4e09\u65b9\u68c0\u6d4b\u670d\u52a1\u4ea7\u54c1\u8986\u76d6 \u4e86\u7cbe\u51c6\u514d\u75ab\u6cbb\u7597\u3001\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u6307\u5bfc\u3001\u80bf\u7624\u65e9\u671f\u7b5b\u67e5\u3001\u80bf\u7624\u9057\u4f20\u6027\u7b5b\u67e5\u53ca\u9884\u540e\u9884\u6d4b\u7b49\u5168\u5468\u671f\u670d\u52a1\uff0c \u63d0\u4f9b\u80bf\u7624\u7cbe \u51c6\u8bca\u7597\u6574\u4f53\u89e3\u51b3\u65b9\u6848\u3002 \u516c\u53f8\u62e5\u6709\u591a\u4e2a\u56fd\u5185\u9996\u521b\u764c\u75c7\u65e9\u7b5b\u4ea7\u54c1\uff0c\u5e76\u9488\u5bf9\u4e34\u5e8a\u5f00\u53d1\u4e86\u62e5\u6709\u81ea\u4e3b\u77e5\u8bc6\u4ea7\u6743\u3001\u56fd\u5185\u9996\u521b \u7684\u5168\u81ea\u52a8\u6838\u9178\u63d0\u53d6\u786b\u5316\u4eea\u3002 \u76ee\u524d\u5b89\u9f99\u57fa\u56e0\u5df2\u7533\u8bf770\u4f59\u9879\u77e5\u8bc6\u4ea7\u6743\uff0c \u4ee5\u6ee1\u5206\u6210\u7ee9\u901a\u8fc7\u591a\u9879\u5168\u56fd\u4e34\u5e8a\u68c0\u9a8c\u5ba4\u95f4\u8d28\u91cf\u8bc4\u4ef7\uff0c\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u5bf9\u4e8e\u5927\u6837\u672c\u4eba\u7fa4\u4e0e\u7279\u5b9a\u75be\u75c5 \u7c7b\u578b\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c \u4ece\u800c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c \u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb \u884c\u7cbe\u51c6\u5206\u7c7b\uff0c \u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c \u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002 \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002 \u6211\u4eec\u575a\u4fe1\uff0c\u6562\u4e8e\u76f4\u9762\u80bf\u7624\u7684\u60a8\u4e0d\u4ec5\u662f\u751f\u547d\u7684\u52c7\u58eb\uff0c\u66f4\u662f\u751f\u6d3b\u7684\u5f3a\u8005\uff01 \u5728\u6218\u80dc\u80bf\u7624\u7684\u9053\u8def\u4e0a\uff0c\u6211\u4eec\u4e3a\u60a8\u79d1\u5b66\u62a4\u822a\uff0c\u4e0e\u60a8 \u4e00\u8d77\u6218\u6597\uff01\n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n\u5bf9\u4e8e\u5927\u6837\u672c\u4eba\u7fa4\u4e0e\u7279\u5b9a\u75be\u75c5 \u7c7b\u578b\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c \u4ece\u800c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c \u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb \u884c\u7cbe\u51c6\u5206\u7c7b\uff0c \u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c \u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002 \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002 \u6211\u4eec\u575a\u4fe1\uff0c\u6562\u4e8e\u76f4\u9762\u80bf\u7624\u7684\u60a8\u4e0d\u4ec5\u662f\u751f\u547d\u7684\u52c7\u58eb\uff0c\u66f4\u662f\u751f\u6d3b\u7684\u5f3a\u8005\uff01 \u5728\u6218\u80dc\u80bf\u7624\u7684\u9053\u8def\u4e0a\uff0c\u6211\u4eec\u4e3a\u60a8\u79d1\u5b66\u62a4\u822a\uff0c\u4e0e\u60a8 \u4e00\u8d77\u6218\u6597\uff01\n</details>"], ["\u8bf7\u4ecb\u7ecd\u5b89\u9f99\u57fa\u56e0\u7684\u987e\u95ee\u56e2\u961f\u3002", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u7684\u987e\u95ee\u56e2\u961f\u5305\u62ec\u6e05\u7f8e\u5927\u5b66\u533b\u5b66\u9662\u6559\u6388\u9f99\u5893\u56e0\u3001\u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40\u548c\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u7684\u76f8\u5173\u4eba\u5458\u3002\u9f99\u5893\u56e0\u6559\u6388\u662f\u751f\u7269\u4fe1\u606f\u5b66\u9886\u57df\u7684\u4e13\u5bb6\uff0c\u957f\u671f\u4ece\u4e8b\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u7684\u7814\u7a76\u548c\u6559\u5b66\u5de5\u4f5c\u3002\u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40\u5219\u662f\u653f\u5e9c\u673a\u6784\uff0c\u8d1f\u8d23\u79d1\u6280\u9879\u76ee\u7684\u7ba1\u7406\u548c\u5ba1\u6279\u3002\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\u5219\u662f\u5b89\u9f99\u57fa\u56e0\u7684\u6280\u672f\u652f\u6301\u548c\u8fd0\u8425\u4e3b\u4f53\uff0c\u8d1f\u8d23\u63d0\u4f9b\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u68c0\u6d4b\u4ea7\u54c1\u548c\u670d\u52a1\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\nANLONG BIO TECHNOLOGY \u6e05\u7f8e\u5927\u5b66\u533b\u5b66\u9662 \u9f99\u5893\u56e0 \u8054\u7cfb\u6211\u4eec \u670d\u52a1\u70ed\u7ebf\uff1a400 801 9858 \u5b89\u9f99\u57fa\u56e0 \u5740\uff1awww. anlongen. com ontent \u76ee \u5f55 Branches \u652f\u673a\u6784 \u5408\u4f5c\u4f19\u4f34 Advisers \u987e\u95ee\u56e2\u961f Platform \u6280\u672f\u5e73\u53f0 \u4ea7\u54c1\u670d\u52a1 Core Technology \u6838\u5fc3\u6280 Qualification \u8d44\u8d28\u8bc1\u4e66 Cooperaters Products Advantages \u5b89\u9f99\u54c1\u538b \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u9996\u5e2d\u79d1\u5b66\u5bb6\u662f\u8c01\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u786e\u5b9a\u5b89\u9f99\u57fa\u56e0\u7684\u9996\u5e2d\u79d1\u5b66\u5bb6\u662f\u8c01\u3002\u5efa\u8bae\u60a8\u8fdb\u4e00\u6b65\u67e5\u9605\u76f8\u5173\u8d44\u6599\uff0c\u4ee5\u83b7\u53d6\u66f4\u51c6\u786e\u7684\u4fe1\u606f\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u4f0a\u745e\u53ef \u5409\u975e\u66ff\u5c3c\u7247 TOF \u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd \u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7a76 \u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1 \u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66 \u673a\u6784\u540d\u79f0\u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u5b9e \u6cd5\u5b9a\u4ee3\u8868\u4eba\u5e78\u822a \u4e3b\u8981\u8d1f\u8d23\u4eba\u738b\u63a5\u5170 \u767b\u8bb0\u53f7 \u4f01\u4e1a\u540d\u79f0\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u8bc1\u4e66\u7f16\u53f7\uff1aGR201834001281 \u53d1\u8bc1\u65f6\u95f4\uff1a20 \u8be5\u533b\u7597\u673a\u6784\u7ecf\u6838\u51c6\u767b\u8bb0\uff0c \u51c6\u4e88\u6267\u4e1a \u673a\u5173\u5408\u8303\u5e02\u536b\u751f\u4e2d\u6c34\u4e3b\u5546\u59d4\u5458 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u7684\u97e6\u7389\u519b\u5417\uff1f", "\u62b1\u6b49\uff0c\u6211\u6ca1\u6709\u627e\u5230\u5173\u4e8e\u5b89\u9f99\u57fa\u56e0\u7684\u97e6\u7389\u519b\u7684\u76f8\u5173\u4fe1\u606f\u3002\u8bf7\u95ee\u60a8\u9700\u8981\u4e86\u89e3\u54ea\u65b9\u9762\u7684\u4fe1\u606f\u5462\uff1f\u6211\u53ef\u4ee5\u5e2e\u60a8\u67e5\u627e\u76f8\u5173\u8d44\u6599\u3002\n\n"]]
flagged/component 2/tmp3ibtx7ll.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["introduce the table of content of NCCN guidelines of colon cancer.", "\u6839\u636e\u6240\u63d0\u4f9b\u7684\u5df2\u77e5\u4fe1\u606f\uff0cNCCN \u6307\u5357\u7684\u7ed3\u80a0\u764c\u90e8\u5206\u5305\u62ec\u4ee5\u4e0b\u76ee\u5f55\uff1a\n\nI. \u539f\u5219\u4e0e\u6210\u50cf\uff08Imaging Principles\uff09\nII. \u80bf\u7624\u5206\u671f\uff08Tumor Stage\uff09\nIII. \u6cbb\u7597\u65b9\u6848\uff08Treatment Options\uff09\nIV. \u5316\u7597\u53c2\u8003\uff08Chemotherapy References\uff09\nV. \u611f\u67d3\u98ce\u9669\u4e0e\u76d1\u6d4b\uff08Infection Risk Monitoring\uff09\nVI. \u540e\u7eed\u6cbb\u7597\uff08Follow-Up Care\uff09\nVII. \u7ed3\u8bba\uff08Conclusion\uff09\n\n\u5176\u4e2d\uff0c\u5316\u7597\u53c2\u8003\u90e8\u5206\u5305\u62ec\u4e86\u4e0d\u540c\u5316\u7597\u65b9\u6848\u7684\u8be6\u7ec6\u4fe1\u606f\u3002\n\n<details> <summary>\u51fa\u5904 [1] ColonCancer_2023.V2_EN.pdf</summary>\nclinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion Documented metachronous metastasesmm, nn by CT, MRI, and/or biopsy COL-9 b Principles of Imaging (COL-A).\n</details><details> <summary>\u51fa\u5904 [2] ColonCancer_2023.V2_EN.pdf</summary>\npatient with cancer is in a clinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion SUBSEQUENT THERAPYc, o, p Previous oxaliplatin- based therapy without irinotecan CONTINUUM OF \n</details><details> <summary>\u51fa\u5904 [3] ColonCancer_2023.V2_EN.pdf</summary>\npatient with cancer is in a clinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion SUBSEQUENT THERAPYc, o, p Previous irinotecan- based therapy without oxaliplatin CONTINUUM OF \n</details><details> <summary>\u51fa\u5904 [4] ColonCancer_2023.V2_EN.pdf</summary>\nis in a clinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion SUBSEQUENT THERAPYc, o, p CONTINUUM OF CARE - SYSTEMIC THERAPY FOR ADVANCED OR METASTATIC DISEASEa, b, n FOLFOXd or \n</details><details> <summary>\u51fa\u5904 [5] ColonCancer_2023.V2_EN.pdf</summary>\nclinical trial. Participation in clinical trials is especially encouraged. NCCN Guidelines Index Table of Contents Discussion a For chemotherapy references, see Chemotherapy Regimens and References (COL-D [9 of 14]). b For infection risk, monitoring,\n</details>"]]
flagged/component 2/tmp3myqheom.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "\u4f60\u597d\uff0c\u6709\u4ec0\u4e48\u6211\u53ef\u4ee5\u5e2e\u52a9\u4f60\u7684\u5417\uff1f"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\uff0c\u662f\u4e0a\u6d77\u7684\u4e00\u4e2a\u533a\u57df\uff0c\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\u3002\u5176\u4e2d\u5305\u62ec\u70ed\u6c14\u673a\u90e8\u3001\u7535\u7ad9\u90e8\u3001\u52a8\u88c5\u90e8\u3001\u73af\u88c5\u90e8\u3001\u4e03\u4e00\u4e00\u6240\u603b\u90e8\u3001\u5927\u9686\u5382\u3001\u5f20\u6c5f\u57fa\u5730\u7b49\u3002\u540c\u65f6\uff0c\u8be5\u533a\u57df\u8fd8\u4e0e\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\uff0c\u5e76\u83b7\u5f97\u4e86\u591a\u9879\u79d1\u6280\u6210\u679c\u548c\u6709\u6548\u4e13\u5229\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \n</details>"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "\u662f\u7684\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u3002\u8398\u5e84\u9547\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4eca\u5929\u5929\u6c14\u5982\u4f55\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4f60\u77e5\u9053711\u6240\u5417\uff1f", "711\u6240\u662f\u6307711 Research Institute\uff0c\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e00\u5bb6\u4e13\u6ce8\u4e8e\u7269\u8054\u7f51\u3001\u4eba\u5de5\u667a\u80fd\u3001\u673a\u5668\u4eba\u7b49\u9886\u57df\u7684\u524d\u6cbf\u7814\u7a76\u673a\u6784\u3002\u6210\u7acb\u4e8e2000\u5e74\uff0c\u81f4\u529b\u4e8e\u4e3a\u4ea7\u4e1a\u754c\u548c\u5b66\u672f\u754c\u63d0\u4f9b\u9ad8\u8d28\u91cf\u7684\u7814\u7a76\u670d\u52a1\uff0c\u63a8\u52a8\u79d1\u6280\u521b\u65b0\u548c\u793e\u4f1a\u8fdb\u6b65\u3002"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u4e00\u4e2a\u7814\u7a76\u6240\uff0c\u6210\u7acb\u4e8e1963\u5e74\uff0c\u73b0\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\u3002\u8be5\u7814\u7a76\u6240\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\uff0c\u662f\u4e00\u5bb6\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\u540c\u65f6\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u4e5f\u662f\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730\u3001\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a\u4f1a\u5458\u5355\u4f4d\uff0c\u5e76\u66fe\u83b7\u5f97\u591a\u9879\u79d1\u6280\u6210\u679c\u5956\u548c\u8363\u8a89\u79f0\u53f7\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\nShanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 \n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u603b \u8d44\u4ea7119\u4ebf\u5143\uff0c \u4e09\u5927\u4ea7\u4e1a\u677f\u5757\u6709\u6d77\u6d0b\u9632\u52a1\u88c5 \u5907\u4ea7\u4e1a\u3001\u8239\u8236\u6d77\u5de5\u88c5\u5907\u4ea7\u4e1a\u548c\u79d1\u6280\u5e94\u7528\u4ea7 \u4e1a\uff1b \u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \n</details><details> <summary>\u51fa\u5904 [5] 711-2.pdf</summary>\nModel Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4.\n</details>"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\uff0c\u6210\u7acb\u4e8e1963\u5e74\u3002\u5176\u4e3b\u8425\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81f4\u529b\u4e8e\u4e3a\u5ba2\u6237\u63d0\u4f9b\u9ad8\u54c1\u8d28\u7684\u667a\u80fd\u5236\u9020\u89e3\u51b3\u65b9\u6848\uff0c\u4f7f\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c\u7f29\u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4\uff0c\u6446\u8131\u5927\u91cf\u7e41\u7410\u7684\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7\u7684\u70e6\u607c\uff0c\u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe\u8ba1\u53d8\u6210\u73b0\u5b9e\uff0c\u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c\u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details>"], ["\u4ed6\u4eec\u505a\u8fc7\u7684\u9879\u76ee\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u7531\u4e8e\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e00\u4e2a\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\uff0c\u5176\u9879\u76ee\u8303\u56f4\u5e7f\u6cdb\uff0c\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u3001\u52a8\u529b\u88c5\u7f6e\u7b49\u9886\u57df\u7684\u7814\u53d1\u3001\u8bbe\u8ba1\u548c\u5236\u9020\u3002\u4ee5\u4e0b\u662f\u4e00\u4e9b\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u66fe\u7ecf\u53c2\u4e0e\u8fc7\u7684\u91cd\u8981\u9879\u76ee\uff1a</p></p>\n<ul>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210</li>\n <li>\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1</li>\n <li>\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020</li>\n</ul>\n<p>\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u8fd9\u4e9b\u9879\u76ee\u7684\u5177\u4f53\u5185\u5bb9\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u65b9\u9762\uff0c\u4f8b\u5982\u6280\u672f\u7814\u7a76\u3001\u4ea7\u54c1\u8bbe\u8ba1\u3001\u5de5\u7a0b\u5b9e\u65bd\u7b49\u3002"], ["\u4ed6\u4eec\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u505a\u8fc7\u54ea\u4e9b\u9879\u76ee\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210\u3001\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1\u3001\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76\u3001\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76\u4ee5\u53ca\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020\u7b49\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-2.pdf</summary>\n\u7ea7\uff09 21% \u52a9\u7406\u5de5\u7a0b\u2026 \u9ad8\u7ea7\u5de51% \u4e2d\u7ea7\u5de52% \u5176\u4ed6\uff08\u672a \u8bc4\uff09 35% \u667a\u80fd\u5236\u9020\u4e1a\u52a1\u4ecb\u7ecd 04 PART \u4e3a\u7528\u6237\u63d0\u4f9b\u66f4\u4f18\u7684 \u7cfb\u7edf\u6027\u80fd\u5339\u914d\u548c\u6574 \u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c \u5305\u62ec\u5165\u6599\u3001\u7ec4\u88c5\u3001\u55b7\u7801\u3001 \u710a\u63a5\u3001\u81ea\u52a8\u68c0\u6d4b\u53ca\u6570\u636e\u4e0a\u4f20\u3001\u81ea\u52a8\u5305\u88c5\u3001\u4fe1\u606f\u8ffd \u6eaf\u7b49\u3002 \u25fc \u6574\u6761\u4ea7\u7ebf\u5c06\u539f\u6709\u4eba\u529b\u5bc6\u96c6\u578b\u7684\u751f\u4ea7\u6a21\u5f0f\uff0c\u8f6c\u53d8\u4e3a \u5de5\u4e1a\u673a\u5668\u4eba\u4e3a\u4e3b\u7684\u67d4\u6027\u5316\u667a\u80fd\u751f\u4ea7\u6a21\u5f0f\uff0c \u3002\n</details>"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93zhiliang1\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], ["\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u901a\u5e38\u5305\u62ec\u4ee5\u4e0b\u5185\u5bb9\uff1a</p></p>\n<ol>\n<li>\n<p>\u8d28\u91cf\u624b\u518c\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u653f\u7b56\u3001\u76ee\u6807\u548c\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\u3002</p>\n</li>\n<li>\n<p>\u7a0b\u5e8f\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u7a0b\u5e8f\u3001\u65b9\u6cd5\u3001\u89c4\u5219\u548c\u6307\u5357\u3002</p>\n</li>\n<li>\n<p>\u4f5c\u4e1a\u6307\u5bfc\u4e66\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u5728\u5177\u4f53\u64cd\u4f5c\u5c42\u7684\u6587\u4ef6\u3002</p>\n</li>\n<li>\n<p>\u68c0\u67e5\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u68c0\u67e5\u548c\u5ba1\u67e5\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u68c0\u67e5\u8868\u683c\u3001\u68c0\u67e5\u7ed3\u679c\u548c\u6539\u8fdb\u63aa\u65bd\u7b49\u3002</p>\n</li>\n<li>\n<p>\u8bb0\u5f55\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5728\u8d28\u91cf\u7ba1\u7406\u8fc7\u7a0b\u4e2d\u4ea7\u751f\u7684\u6587\u4ef6\u7684\u8bb0\u5f55\uff0c\u5305\u62ec\u68c0\u9a8c\u8bb0\u5f55\u3001\u95ee\u9898\u62a5\u544a\u3001\u7ea0\u6b63\u63aa\u65bd\u7b49\u3002</p>\n</li>\n<li>\n<p>\u57f9\u8bad\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u5458\u5de5\u57f9\u8bad\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u57f9\u8bad\u8ba1\u5212\u3001\u57f9\u8bad\u8bb0\u5f55\u7b49\u3002</p>\n</li>\n<li>\n<p>\u6c9f\u901a\u6587\u4ef6\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u6c9f\u901a\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u6c9f\u901a\u8ba1\u5212\u3001\u6c9f\u901a\u8bb0\u5f55\u7b49\u3002</p>\n</li>\n<li>\n<p>\u7b26\u5408\u6587\u4ef6\uff1a\u63cf\u8ff0\u7b26\u5408\u7ec4\u7ec7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u7684\u6587\u4ef6\uff0c\u5305\u62ec\u7b26\u5408\u6027\u6587\u4ef6\u3001\u4e0d\u7b26\u5408\u6027\u6587\u4ef6\u7b49\u3002</p>\n</li>\n<li>\n<p>\u6587\u4ef6\u63a7\u5236\u7a0b\u5e8f\uff1a\u63cf\u8ff0\u7ec4\u7ec7\u5185\u90e8\u6587\u4ef6\u63a7\u5236\u7684\u7a0b\u5e8f\u548c\u65b9\u6cd5\uff0c\u5305\u62ec\u6587\u4ef6\u63a7\u5236\u8ba1\u5212\u3001\u6587\u4ef6\u63a7\u5236\u8bb0\u5f55\u7b49\u3002</p>\n</li>\n</ol>\n<p>\u8fd9\u4e9b\u6587\u4ef6\u901a\u5e38\u5177\u6709\u89c4\u8303\u6027\u3001\u6307\u5bfc\u6027\u548c\u8bb0\u5f55\u6027\u3002\u5b83\u4eec\u6784\u6210\u4e86\u7ec4\u7ec7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6587\u4ef6\u57fa\u7840\uff0c\u5e76\u4e3a\u7ec4\u7ec7\u7684\u8d28\u91cf\u7ba1\u7406\u548c\u6301\u7eed\u6539\u8fdb\u63d0\u4f9b\u4e86\u5fc5\u8981\u7684\u652f\u6301\u3002"], ["\u4f60\u77e5\u9053711\u6240\u7684\u8d28\u91cf\u4f53\u7cfb\u5417\uff1f", "\u62b1\u6b49\uff0c\u6211\u662f\u4e00\u4e2a\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u65e0\u6cd5\u8bbf\u95ee\u4e92\u8054\u7f51\u83b7\u53d6\u4fe1\u606f\u3002\u6211\u7684\u77e5\u8bc6\u5e93\u4e2d\u6ca1\u6709\u4e0e\u201c711\u6240\u201d\u76f8\u5173\u7684\u4fe1\u606f\uff0c\u56e0\u6b64\u65e0\u6cd5\u56de\u7b54\u8fd9\u4e2a\u95ee\u9898\u3002"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u8d28\u91cf\u4f53\u7cfb\u5417\uff1f", "\u62b1\u6b49\uff0c\u6211\u662f\u4e00\u4e2a\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u65e0\u6cd5\u8bbf\u95ee\u4e92\u8054\u7f51\u83b7\u53d6\u4fe1\u606f\u3002\u6211\u7684\u77e5\u8bc6\u5e93\u4e2d\u6ca1\u6709\u4e0e\u201c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u201d\u76f8\u5173\u7684\u4fe1\u606f\uff0c\u56e0\u6b64\u65e0\u6cd5\u56de\u7b54\u8fd9\u4e2a\u95ee\u9898\u3002"], ["\u4f60\u77e5\u9053\u81ea\u52a8\u5316\u90e8\u7684\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u5417\uff1f", "\u7531\u4e8e\u6211\u662f\u4e00\u4e2a\u4eba\u5de5\u667a\u80fd\u52a9\u624b\uff0c\u65e0\u6cd5\u8bbf\u95ee\u4e92\u8054\u7f51\u83b7\u53d6\u4fe1\u606f\uff0c\u56e0\u6b64\u6211\u65e0\u6cd5\u76f4\u63a5\u63d0\u4f9b\u81ea\u52a8\u5316\u90e8\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u7684\u8be6\u7ec6\u4fe1\u606f\u3002\u4f46\u662f\uff0c\u4f60\u53ef\u4ee5\u5c1d\u8bd5\u901a\u8fc7\u4ee5\u4e0b\u9014\u5f84\u83b7\u53d6\u76f8\u5173\u4fe1\u606f\uff1a\n\n1. \u8bbf\u95ee\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u5b98\u65b9\u7f51\u7ad9\u3002\u5b98\u65b9\u7f51\u7ad9\u4e0a\u53ef\u80fd\u4f1a\u6709\u5173\u4e8e\u8d28\u91cf\u4f53\u7cfb\u6587\u4ef6\u7684\u8be6\u7ec6\u4fe1\u606f\u3002\n\n2. \u8054\u7cfb\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u76f8\u5173\u90e8\u95e8\uff0c\u8be2\u95ee\u4ed6\u4eec\u662f\u5426\u80fd\u591f\u63d0\u4f9b\u76f8\u5173\u4fe1\u606f\u3002\n\n3. \u53c2\u8003\u76f8\u5173\u6587\u732e\u6216\u8d44\u6599\uff0c\u6bd4\u5982\u5b66\u672f\u8bba\u6587\u3001\u884c\u4e1a\u62a5\u544a\u7b49\u3002\n\n4. \u5bfb\u6c42\u4e13\u4e1a\u4eba\u58eb\u7684\u5e2e\u52a9\uff0c\u6bd4\u5982\u8bf7\u4e13\u4e1a\u4eba\u58eb\u8fdb\u884c\u54a8\u8be2\u6216\u57f9\u8bad\u3002\n\n\u5e0c\u671b\u8fd9\u4e9b\u5efa\u8bae\u5bf9\u4f60\u6709\u6240\u5e2e\u52a9\u3002"]]
flagged/component 2/tmp3nelxqwy.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u516c\u53f8\u5417\uff1f", "\u6211\u65e0\u6cd5\u786e\u5b9a\u662f\u5426\u6307\u7684\u662f\u54ea\u4e2a\u5b89\u9f99\u516c\u53f8\uff0c\u56e0\u4e3a\u8be5\u540d\u79f0\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u4e0d\u540c\u7684\u5b9e\u4f53\u6216\u516c\u53f8\u3002\u53ef\u4ee5\u63d0\u4f9b\u66f4\u591a\u80cc\u666f\u4fe1\u606f\u6216\u4e0a\u4e0b\u6587\u5417\uff0c\u8fd9\u6837\u6211\u624d\u80fd\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u57fa\u56e0\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002\u6b64\u5916\uff0c\u8be5\u516c\u53f8\u8fd8\u662f\u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212\u521b\u65b0\u4eba\u624d\u548c\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730\u3002</p>\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"], ["\u5b89\u9f99\u57fa\u56e0\u7684\u6838\u5fc3\u6280\u672f\u6709\u54ea\u4e9b\uff1f", "\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u5b89\u9f99\u57fa\u56e0\u662f\u4f4d\u4e8e\u5408\u80a5\u7684\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8\uff0c\u8be5\u516c\u53f8\u4e3b\u8981\u63d0\u4f9b\u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7814\u7a76\u3001\u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1\u3001\u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66\u7b49\u4e1a\u52a1\u3002\u540c\u65f6\uff0c\u8be5\u516c\u53f8\u8fd8\u66fe\u83b7\u5f97\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u7684\u5956\u9879\uff0c\u5e76\u88ab\u8bc4\u4e3a\u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a\u548c\u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a\u3002\n\n<details> <summary>\u51fa\u5904 [1] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u4f0a\u745e\u53ef \u5409\u975e\u66ff\u5c3c\u7247 TOF \u4e2d\u534e\u4eba\u6c11\u5171\u548c\u56fd \u4e34\u5e8a\u57fa\u56e0\u6269\u589e\u68c0\u9a8c\u5b9e\u9a8c\u7a76 \u533b\u7597\u673a\u6784\u6267\u4e1a\u8bb8\u53ef\u8bc1 \u6280\u672f\u9a8c\u6536\u5408\u683c\u8bc1\u4e66 \u673a\u6784\u540d\u79f0\u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u5b9e \u6cd5\u5b9a\u4ee3\u8868\u4eba\u5e78\u822a \u4e3b\u8981\u8d1f\u8d23\u4eba\u738b\u63a5\u5170 \u767b\u8bb0\u53f7 \u4f01\u4e1a\u540d\u79f0\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u8bc1\u4e66\u7f16\u53f7\uff1aGR201834001281 \u53d1\u8bc1\u65f6\u95f4\uff1a20 \u8be5\u533b\u7597\u673a\u6784\u7ecf\u6838\u51c6\u767b\u8bb0\uff0c \u51c6\u4e88\u6267\u4e1a \u673a\u5173\u5408\u8303\u5e02\u536b\u751f\u4e2d\u6c34\u4e3b\u5546\u59d4\u5458 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5ba4\u95f4\u8d28\u8bc4\u8bc1\u4e66 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \u5408\u80a5\u5b89\u9f99\u57fa\u56e0\u533b\u5b66\u68c0\u9a8c\u6240 \n</details><details> <summary>\u51fa\u5904 [2] \u5b89\u9f99\u57fa\u56e0\u5ba3\u4f20\u518c.pdf</summary>\n\u534e+\u535a\u590d\u68c0\u9a8c\u535a\u5965\u68c0\u9a8cPfizerQILU PHARMA CEUTICAL\u4e2d \u4e2d \u6280\u672f\u5e94\u7528 \u4e2d\u5fc3SHAN TAL 1897 ROVINncia 1897Bethwne\u5317\u4eac \u53cb\u8c0a\u533b\u9662\u6fee\u967d\u5e02\u4eba\u6c11\u533b\u9662R \u5317\u4eac\u5b89\u9f99 \u6f4d\u574a\u5b89\u9f99 \u5b89\u5fbd\u5b89\u9f99 \u91cd\u5e86\u5b89\u9f99 \u94f6\u5ddd\u5b89\u9f99 \u5b89\u9f99\u667a\u9020 \u5b89\u9f99\u4e34\u68c0 \u73e0\u6d77\u5b89\u9f99\u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5408\u80a5\u8d5b\u533a\uff09 \u6388\u4e88\uff1a\u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u4e00\u7b49\u5956 \u5b89\u5fbd\u7701\u79d1\u6280\u578b\u4e2d\u5c0f\u4f01\u4e1a \u4e2d\u56fd\u8d28\u91cf\u8bda\u4fe1\u4f01\u4e1a \u5408\u80a5\u5e02\u79d1\u5b66\u6280\u672f\u5c40 \u4e2d\u56fd\u51fa\u5165\u5883\u68c0\u9a8c\u68c0\u75ab\u534f\u4f1a \u5b89\u5fbd\u7701\u79d1\u6280\u5385\u516c \u4e8c0\u4e00\u516d\u5e74\u4e03\u6708 \u4e8c0\u4e00\u4e03\u5e74\u4e5d\u6708 \u4e8c0\u4e00\u516b\u5e74\u4e00\u6708 \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\uff08\u5b89\u5fbd\u8d5b\u533a\uff09 \u4f18\u79c0\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u6027\u65b0\u5174\u4ea7\u4e1a\u96c6\u805a\u53d1\u5c55\u57fa\u5730 \u5c55\u57fa\u5730 \u5408\u80a5\u5e02\u767e\u4eba\u8ba1\u5212 \u521b\u65b0\u4eba\u624d \u7b2c\u4e94\u5c4a\u4e2d\u56fd\u521b\u65b0\u521b\u4e1a\u5927\u8d5b\u5b89\u5fbd\u8d5b\u533a\u7ec4\u59d4\u4f1a \u5b89\u5fbd\u5b89\u9f99\u57fa\u56e0\u79d1\u6280\u6709\u9650\u516c\u53f8 \u5408\u80a5\u5e02\u4eba\u529b\u8d44\u6e90\u548c\u793e\u4f1a\u4fdd\u969c\u5c40 \u4e8c0\u4e00\u516d\u5e74\u516b\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u4e8c0\u4e00\u4e03\u5e74\u5341\u4e8c\u6708 \u7b2c\u4e8c\u5c4a\u201c\u521b\u610f\u521b\u65b0\u5728\u94f6\u5ddd\u201d\u66a8\u201c\u6d1b\u5ba2\u5927\u8d5b\u201d \u6e05\u534e\u5927\u5b66 \u4f18\u80dc\u5956 \u5b89\u5fbd\u7701\u6218\u7565\u65b0\u5174\u9886\u519b\u4eba\u624d \uff08\u624d \u6e05\u534e\u751f\u547d\u79d1\u5b66\u4e0e\u533b\u5b66\u6821\u53cb\u4f1a \n</details>"]]
flagged/component 2/tmp4kqr02fc.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "\u4f60\u597d\uff0c\u6709\u4ec0\u4e48\u6211\u53ef\u4ee5\u5e2e\u52a9\u4f60\u7684\u5417\uff1f"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\uff0c\u662f\u4e0a\u6d77\u7684\u4e00\u4e2a\u533a\u57df\uff0c\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\u3002\u5176\u4e2d\u5305\u62ec\u70ed\u6c14\u673a\u90e8\u3001\u7535\u7ad9\u90e8\u3001\u52a8\u88c5\u90e8\u3001\u73af\u88c5\u90e8\u3001\u4e03\u4e00\u4e00\u6240\u603b\u90e8\u3001\u5927\u9686\u5382\u3001\u5f20\u6c5f\u57fa\u5730\u7b49\u3002\u540c\u65f6\uff0c\u8be5\u533a\u57df\u8fd8\u4e0e\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\uff0c\u5e76\u83b7\u5f97\u4e86\u591a\u9879\u79d1\u6280\u6210\u679c\u548c\u6709\u6548\u4e13\u5229\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \uff0850\u4ea9\uff09 \u9752\u6d77\u8def 6 \u53f7\u7ebf \u516b\u53f7\u7ebf \u9ec4\u6d66\u6c5f \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \u74e6\u9521\u5170\u9f50\u8000 \n</details>"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "\u662f\u7684\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u3002\u8398\u5e84\u9547\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002"], ["\u4f60\u77e5\u9053\u4e0a\u6d77\u7684\u8398\u5e84\u5417\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8398\u5e84\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e0a\u6d77\u5e02\u7684\u4e00\u4e2a\u91cd\u8981\u533a\u57df\u3002\u8be5\u533a\u57df\u62e5\u6709\u591a\u4e2a\u4f01\u4e1a\u673a\u6784\u548c\u5b9e\u9a8c\u5ba4\uff0c\u4ee5\u53ca\u5168\u7403 30 \u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u7684\u4e1a\u52a1\u5f80\u6765\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4eca\u5929\u5929\u6c14\u5982\u4f55\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] <a href=\"https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html\" target=\"_blank\">https://python.langchain.com/en/latest/modules/agents/tools/examples/bing_search.html</a> </summary>\nplease set BING_SUBSCRIPTION_KEY and BING_SEARCH_URL in os ENV\n</details>"], ["\u4f60\u77e5\u9053711\u6240\u5417\uff1f", "711\u6240\u662f\u6307711 Research Institute\uff0c\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\uff0c\u662f\u4e00\u5bb6\u4e13\u6ce8\u4e8e\u7269\u8054\u7f51\u3001\u4eba\u5de5\u667a\u80fd\u3001\u673a\u5668\u4eba\u7b49\u9886\u57df\u7684\u524d\u6cbf\u7814\u7a76\u673a\u6784\u3002\u6210\u7acb\u4e8e2000\u5e74\uff0c\u81f4\u529b\u4e8e\u4e3a\u4ea7\u4e1a\u754c\u548c\u5b66\u672f\u754c\u63d0\u4f9b\u9ad8\u8d28\u91cf\u7684\u7814\u7a76\u670d\u52a1\uff0c\u63a8\u52a8\u79d1\u6280\u521b\u65b0\u548c\u793e\u4f1a\u8fdb\u6b65\u3002"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u4e00\u4e2a\u7814\u7a76\u6240\uff0c\u6210\u7acb\u4e8e1963\u5e74\uff0c\u73b0\u4f4d\u4e8e\u4e0a\u6d77\u5e02\u5f90\u6c47\u533a\u3002\u8be5\u7814\u7a76\u6240\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\uff0c\u662f\u4e00\u5bb6\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\u540c\u65f6\uff0c\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u4e5f\u662f\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730\u3001\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a\u4f1a\u5458\u5355\u4f4d\uff0c\u5e76\u66fe\u83b7\u5f97\u591a\u9879\u79d1\u6280\u6210\u679c\u5956\u548c\u8363\u8a89\u79f0\u53f7\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-1.pdf</summary>\n\u5b9e\u73b0\u4f01\u4e1a\u793e\u4f1a\u4ef7\u503c \u6700\u5927\u5316\uff0c \u6700\u7ec8\u6210\u4e3a\u4ee5\u519b\u4e3a\u672c\u3001\u519b\u6c11\u878d\u5408\u3001\u6280\u672f\u9886\u5148\u3001\u7ee9\u6548\u5353\u8d8a\u7684\u56fd \u9645\u4e00\u6d41\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u5177\u6709\u56fd\u9645\u7ade\u4e89\u529b\u7684\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2 \u6218\u7565 \u613f\u666f \u4f7f\u547d \u6218\u7565 \u76ee\u6807 \u5206\u5e03\u56fe \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \u4e2d\u5c71\u897f\u8def \uff0818\u4ea9\uff09 \u957f\u6c5f\u897f\u8def\u57fa\u5730 \uff0837000\u5e73\u65b9\u7c73\uff0c \u79df\u8d41\uff09 \n</details><details> <summary>\u51fa\u5904 [3] 711-1.pdf</summary>\nShanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 0 \n</details><details> <summary>\u51fa\u5904 [4] 711-2.pdf</summary>\n\u603b \u8d44\u4ea7119\u4ebf\u5143\uff0c \u4e09\u5927\u4ea7\u4e1a\u677f\u5757\u6709\u6d77\u6d0b\u9632\u52a1\u88c5 \u5907\u4ea7\u4e1a\u3001\u8239\u8236\u6d77\u5de5\u88c5\u5907\u4ea7\u4e1a\u548c\u79d1\u6280\u5e94\u7528\u4ea7 \u4e1a\uff1b \u62e5\u6709\u8d85\u8fc75000\u53f0\u56fd\u5185\u9886\u5148\u7684\u8bbe\u5907\u548c\u4eea \u5668\u670d\u52a1\u4e8e\u79d1\u7814\u751f\u4ea7\uff0c\u5177\u6709\u8bd5\u9a8c\u5ba430\u4e2a\u3002 \u4e0e \u5168\u740330\u591a\u4e2a\u56fd\u5bb6\u548c\u5730\u533a\u6709\u4e1a\u52a1\u5f80\u6765\u3002 \u83b7\u5f97 \u5404\u7c7b\u79d1\u6280\u6210\u679c\u5956479\u9879\uff0c\u5176\u4e2d\u56fd\u5bb6\u79d1\u6280\u8fdb\u6b65 \u7279\u7b49\u59562\u9879\u3001\u4e00\u7b49\u59564\u9879\uff0c\u62e5\u6709\u6709\u6548\u4e13\u5229285 \u9879\u3002 \u70ed\u6c14\u673a\u90e8 \u7535\u7ad9\u90e8 \u52a8\u88c5\u90e8 \u73af\u88c5\u90e8 \u4e03\u4e00\u4e00\u6240\u603b\u90e8 \u5927\u9686\u5382 \u5f20\u6c5f\u57fa\u5730 \uff0830\u4ea9\uff09 \u8398\u5e84\u57fa\u5730 \uff08196\u4ea9\uff09 \u6d66\u6c5f\u9547\u57fa\u5730 \uff08\u4e00\u671f 142\u4ea9\uff09 \u590d\u5174\u5c9b\u57fa\u5730 \uff0852\u4ea9\uff09 \n</details><details> <summary>\u51fa\u5904 [5] 711-2.pdf</summary>\nModel Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4.\n</details>"], ["\u4f60\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u5417\uff1f", "<p>\u662f\u7684\uff0c\u6211\u77e5\u9053\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u667a\u80fd\u5236\u9020\u4e1a\u52a1\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u65d7\u4e0b\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\uff0c\u6210\u7acb\u4e8e1963\u5e74\u3002\u5176\u4e3b\u8425\u4e1a\u52a1\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea\u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\u3002\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81f4\u529b\u4e8e\u4e3a\u5ba2\u6237\u63d0\u4f9b\u9ad8\u54c1\u8d28\u7684\u667a\u80fd\u5236\u9020\u89e3\u51b3\u65b9\u6848\uff0c\u4f7f\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c\u7f29\u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4\uff0c\u6446\u8131\u5927\u91cf\u7e41\u7410\u7684\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7\u7684\u70e6\u607c\uff0c\u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe\u8ba1\u53d8\u6210\u73b0\u5b9e\uff0c\u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c\u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u57fa\u672c\u60c5\u51b5\u4ecb\u7ecd 1. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 4C\u4e2d\u5b9dA\u56e2\u7b14 \u5145661. \u57fa\u672c\u60c5\u51b5 2. \u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 3. \u6218\u7565\u4ea7\u4e1a\u60c5\u51b5 CONTENTS \u76ee \u5f55\u57fa\u672c\u60c5\u51b5 \uf072\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u521b\u5efa\u4e8e1963\u5e744\u6708\uff0c\u73b0\u96b6\u5c5e\u4e8e\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u6709\u9650\u516c\u53f8\u3002 \uf072\u4ee5\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u53ca\u5176\u52a8\u529b\u88c5\u7f6e\u4e3a\u4e3b\u4e13\u4e1a\uff0c\u4ee5\u52a8\u529b\u7cfb\u7edf\u89e3\u51b3\u65b9\u6848\u53ca\u76f8\u5173\u4ea7\u54c1\u3001\u7535\u6c14\u53ca\u81ea \u52a8\u5316\u3001\u80fd\u6e90\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u73af\u4fdd\u88c5\u5907\u53ca\u5de5\u7a0b\u3001\u7535\u7ad9\u5de5\u7a0b\u7b49\u4e3a\u6218\u7565\u4ea7\u4e1a\u7684\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784 \u548c\u9ad8\u79d1\u6280\u4f01\u4e1a\u96c6\u56e2\u3002\n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u4f53\u89e3\u51b3\u65b9\u6848 \u52a9\u7528\u6237\u63d0\u9ad8\u6548\u7387\uff0c \u7f29 \u77ed\u8bbe\u8ba1\u3001\u5236\u9020\u65f6\u95f4 \u4f7f\u7528\u6237\u6446\u8131\u5927\u91cf\u7e41 \u7410\u534f\u8c03\u548c\u8d28\u91cf\u76d1\u63a7 \u7684\u70e6\u607c \u8ba9\u7528\u6237\u7684\u4e2a\u6027\u5316\u8bbe \u60f3\u53d8\u6210\u73b0\u5b9e \u7ed9\u7528\u6237\u7cfb\u7edf\u5339\u914d\u548c \u8bbe\u5907\u9009\u578b\u7684\u5efa\u8bae \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u667a\u80fd\u5236\u9020\u4e1a\u52a1\uff0c \u662f\u4e00\u652f\u62e5\u6709\u9ad8\u7d20\u8d28\u7684\u667a\u80fd \u5236\u9020\u8bbe\u8ba1\u3001\u7814\u53d1\u3001\u751f\u4ea7\u56e2\u961f\uff0c \u4e1a\u52a1\u9886\u57df\u5305\u62ec\uff1a \u667a\u80fd\u4ea7\u7ebf \u667a\u80fd\u88c5\u5907 \u667a\u80fd\u8f66\u95f4 \u8239\u5382\u5e94\u7528 \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u751f\u7269\u533b\u7597\u4ea7\u7ebf \u53d1\u52a8\u673a\u4ea7\u7ebf \u667a\u80fd\u4ea7\u7ebf \u6c7d\u8f66\u90e8\u4ef6\u4ea7\u7ebf \u25fc \u8be5\u9879\u76ee\u5171\u6709 \uff0c\n</details>"], ["\u4ed6\u4eec\u505a\u8fc7\u7684\u9879\u76ee\u5305\u62ec\u54ea\u4e9b\uff1f", "<p>\u7531\u4e8e\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u662f\u4e00\u4e2a\u7efc\u5408\u6027\u52a8\u529b\u7814\u53d1\u673a\u6784\uff0c\u5176\u9879\u76ee\u8303\u56f4\u5e7f\u6cdb\uff0c\u5305\u62ec\u67f4\u6cb9\u673a\u3001\u70ed\u6c14\u673a\u3001\u52a8\u529b\u88c5\u7f6e\u7b49\u9886\u57df\u7684\u7814\u53d1\u3001\u8bbe\u8ba1\u548c\u5236\u9020\u3002\u4ee5\u4e0b\u662f\u4e00\u4e9b\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u66fe\u7ecf\u53c2\u4e0e\u8fc7\u7684\u91cd\u8981\u9879\u76ee\uff1a</p>\n<ul>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u96c6\u6210</li>\n <li>\u67f4\u6cb9\u673a\u6392\u653e\u63a7\u5236\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4f4e\u901f\u7279\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u4e2d\u4f4e\u901f\u71c3\u70e7\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u9ad8\u538b\u5171\u8f68\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u70ed\u6548\u7387\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u7ed3\u6784\u4f18\u5316\u8bbe\u8ba1</li>\n <li>\u67f4\u6cb9\u673a\u65b0\u6750\u6599\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u6027\u80fd\u6d4b\u8bd5</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u53ef\u9760\u6027\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u7ef4\u62a4\u6280\u672f\u7814\u7a76</li>\n <li>\u67f4\u6cb9\u673a\u52a8\u529b\u7cfb\u7edf\u5347\u7ea7\u6539\u9020</li>\n</ul>\n\n\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u8fd9\u4e9b\u9879\u76ee\u7684\u5177\u4f53\u5185\u5bb9\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u65b9\u9762\uff0c\u4f8b\u5982\u6280\u672f\u7814\u7a76\u3001\u4ea7\u54c1\u8bbe\u8ba1\u3001\u5de5\u7a0b\u5b9e\u65bd\u7b49\u3002\n\n"]]
flagged/component 2/tmp4mi9vs7v.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93tumor-diag\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u6dfb\u52a0 xx_ZL0123936.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u8be5\u68c0\u6d4b\u9879\u76ee\u8986\u76d6\u591a\u5c11\u57fa\u56e0\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u8986\u76d6\u57fa\u56e0\u6570\u91cf\u3002\u8bf7\u63d0\u4f9b\u66f4\u591a\u76f8\u5173\u4fe1\u606f\uff0c\u4ee5\u4fbf\u6211\u4eec\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u7597\u6548\u5dee \u80be\u6bd2\u6027\u7684\u98ce\u9669\u589e\u52a0 2B \u6ce8\uff1a 1. \u5316\u7597\u7528\u836f\u57fa\u56e0\u68c0\u6d4b\u7684\u662f\u57fa\u56e0\u591a\u6001\u6027\u4f4d\u70b9\uff0c\u4f4d\u70b9\u5217\u7ed9\u51fa\u7684\u662f dbSNP \u6570\u636e\u5e93\u5bf9\u8be5\u4f4d\u70b9\u7684\u5206\u7c7b\u53f7\uff08rs \u7f16\u53f7\uff09\u3002 \u68c0\u6d4b\u7ed3\u679c\u4ee3\u8868\u8be5\u57fa \u56e0\u5ea7\u7b49\u4f4d\u57fa\u56e0\u7684\u7ec4\u5408\u3002 2. \u8bc1\u636e\u7b49\u7ea7\u5212\u5206\u4f9d\u636e\uff1aPharmGKB \u7f51\u7ad9 https://www. pharmgkb. org/page/clinAnnLevels\uff0c \u5171\u5206\u4e3a 4 \u4e2a\u7b49\u7ea7\uff1a 1A\uff1a\u7531\u4e34\u5e8a\u836f\u7269\u57fa\u56e0\u7ec4\u5b66\u5b9e\u65bd\u8054\u76df\uff08CPIC\uff09\u6216\u9057\u4f20\u836f\u7406\u5b66\u6307\u5357\u8ba4\u53ef\uff0c \u6216\u5728\u9057\u4f20\u836f\u7406\u5b66\u7814\u7a76\u7f51\u7edc (PGRN) \u53ca\u5176\u5b83\u4e3b\u8981\u536b\u751f\u7cfb\u7edf \u4e2d\u5df2\u6709\u5e94\u7528\uff1b\n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 34 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 3. 5\u9644\u5f55\u4e94\uff1a\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\u8bf4\u660e 01 \u672c\u6b21\u68c0\u6d4b\u7ed3\u679c\u4ec5\u5728\u68c0\u6d4b\u8303\u56f4\u5185\u9488\u5bf9\u672c\u6b21\u9001\u68c0\u6837\u672c\u8d1f\u8d23\uff0c\u57fa\u56e0\u68c0\u6d4b\u62a5\u544a\u5c5e\u4e8e\u60a3\u8005\u4e2a\u4eba\u9690\u79c1\u4fe1\u606f\uff0c\u82e5\u975e\u60a3 \u8005\u672c\u4eba\u77e5\u60c5\u540c\u610f\uff0c\u7981\u6b62\u5411\u4efb\u4f55\u4eba\u6216\u673a\u6784\u590d\u5236\u6216\u4f20\u9001\u672c\u62a5\u544a\u5185\u5bb9\u3002 02 \u672c\u68c0\u6d4b\u62a5\u544a\u4ec5\u9488\u5bf9\u68c0\u6d4b\u57fa\u56e0\u5217\u8868\u4e2d\u7684\u57fa\u56e0\u8fdb\u884c\u5206\u6790\uff0c \u56e0\u6b64\u5f53\u68c0\u6d4b\u7ed3\u679c\u4e3a\u9634\u6027\u65f6\uff0c \u5e76\u4e0d\u80fd\u5b8c\u5168\u6392\u9664\u53d7\u68c0 \u8005\u643a\u5e26\u6709\u5176\u5b83\u57fa\u56e0\u7a81\u53d8\uff0c\n</details>"], ["\u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30\u7684\u7ed3\u679c\u662f\u4ec0\u4e48\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30\u7ed3\u679c\u3002\u56e0\u4e3a\u8be5\u68c0\u6d4b\u9879\u76ee\u662f\u7528\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\uff0c\u65e8\u5728\u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\uff0c\u800c\u975e\u7528\u4e8e\u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n1\u9001\u68c0\u4fe1\u606f \u59d3\u540d\uff1a\u8096\u84d3 \u6027 \u522b\uff1a\u5973 \u8054\u7cfb\u65b9\u5f0f\uff1a \u57fa\u672c\u4fe1\u606f \u5e74\u9f84\uff1a60 \u5c81 \u6837\u672c\u7f16\u53f7\uff1aZL0123936 \u9001\u68c0\u5355\u4f4d\uff1a \u6837\u672c\u7c7b\u578b\uff1a \u8721\u5757\u3001\u5916\u5468\u8840 \u9001\u68c0\u533b\u5e08\uff1a \u53d6\u6837\u90e8\u4f4d\uff1a \u4e34\u5e8a\u8bca\u65ad\uff1a \u4e59\u72b6\u7ed3\u80a0\u764c \u6536\u6837\u65e5\u671f\uff1a 2023-03-24 \u4e34\u5e8a\u5206\u671f\uff1a / \u62a5\u544a\u65e5\u671f\uff1a 2023-04-11 \u5bb6\u65cf\u53f2\uff1a \u9001\u68c0\u9879\u76ee\uff1a NGS \u5b9e\u4f53\u7624 658 \u57fa\u56e0 TMB \u80bf\u7624\u6cbb\u7597\u53f2\uff1a / \u65e2\u5f80\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c\uff1a/ 1. 2\u68c0\u6d4b\u9879\u76ee\u53ca\u7ed3\u679c \u672c\u4ea7\u54c1\u91c7\u7528\u63a2\u9488\u6742\u4ea4\u6355\u83b7\u6280\u672f\u53ca\u9ad8\u901a\u91cf\u6d4b\u5e8f\u6cd5\uff08NGS\uff09\u68c0\u6d4b\u4e0e\u5b9e\u4f53\u7624\u76f8\u5173\u7684 658 \u4e2a\u57fa\u56e0\uff0c \u8986\u76d6 658 \u4e2a\u57fa\u56e0\u91cd\u8981\u5916 \u663e\u5b50\u53ca\u90e8\u5206\u57fa\u56e0\u5185\u542b\u5b50\u533a\u57df\uff0c \u68c0\u6d4b\u53d8\u5f02\u7c7b\u578b\u5305\u542b\u70b9\u7a81\u53d8\u3001\u63d2\u5165/\u7f3a\u5931\u3001\u62f7\u8d1d\u6570\u53d8\u5f02\u53ca\u57fa\u56e0\u91cd\u6392/\u878d\u5408\u3002 \u8be5\u4ea7\u54c1\u8bc4\u4f30\u591a \u7ef4\u514d\u75ab\u6307\u6807\uff0c \u5305\u62ec\u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\uff08MSI\uff09\u72b6\u6001\u3001\u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09\u3001\u80bf\u7624\u7a81\u53d8\u8d1f\u8377\uff08TMB\uff09\u53ca\u514d\u75ab\u6b63\u8d1f\u57fa\u56e0\uff0c \u7efc\u5408\u8bc4\u4f30\u514d\u75ab\u6cbb\u7597\u7597\u6548\uff0c \u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\u3002 \u68c0\u6d4b\u610f\u4e49 \u68c0\u6d4b\u9879\u76ee \u68c0\u6d4b\u7ed3\u679c \u9776\u5411\u7528\u836f\u3001\u8010\u836f\u5206\u6790\u3001\u9884\u540e\u5206\u6790\u53ca\u5206\u5b50 \u5206\u578b 658 \u4e2a\u57fa\u56e0\u70ed\u70b9\u533a\u57df \u5171\u68c0\u51fa\u57fa\u56e0\u7a81\u53d8\u4f4d\u70b9\uff1a109 \u4e2a \u5177\u6709\u4e34\u5e8a\u610f\u4e49\u4f4d\u70b9\uff1a6\u4e2a \u514d\u75ab\u6cbb\u7597\u7597\u6548\u8bc4\u4f30 \u80bf\u7624\u7a81\u53d8\u8d1f\u8377\uff08TMB\uff09 TMB-H \uff1a39. 44 Muts/Mb \u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027\uff08MSI\uff09 MSS \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09 \u81f4\u75c5/\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02\uff1a1 \u4e2a \u5316\u7597\u7597\u6548\u53ca\u6bd2\u526f\u4f5c\u7528 \u5316\u7597\u836f\u7269\u7597\u6548\u53ca\u6bd2\u526f\u4f5c\u7528 \u6709\u6548\u6027\u8f83\u9ad8\u836f\u7269\uff1a4 \u4e2a \u6bd2\u526f\u4f5c\u7528\u8f83\u4f4e\u836f\u7269\uff1a6 \u4e2a \u9057\u4f20\u98ce\u9669\u8bc4\u4f30 \u9057\u4f20\u6613\u611f\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u81f4\u75c5/\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02\uff1a0 \u4e2a \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n\u643a \u5e26\u8be5\u5206\u5b50\u7279\u5f81\u7684\u8f6c\u79fb\u6027\u53bb\u52bf\u62b5\u6297\u6027\u524d\u5217\u817a\u764c\uff08mCRPC\uff09 \u60a3\u8005\u53ef\u80fd\u5bf9 PARP \u6291\u5236\u5242\u53ca\u514d\u75ab\u68c0\u67e5\u70b9\u6291\u5236\u5242\uff08ICIs\uff09 \u654f\u611f\u3002 \u7814\u7a76\u8868\u660e\uff0c \u643a\u5e26 CDK12 \u53cc\u7b49\u4f4d\u57fa\u56e0\u7f3a\u5931 mCRPC \u60a3\u8005\u53ef\u80fd\u5bf9\u514d\u75ab\u6cbb\u7597\u6709\u66f4\u9ad8\u7684\u53cd\u5e94\uff0c 4 \u4f8b CDK12 \u5931\u6d3b \u7a81\u53d8 mCRPC \u4e2d\uff0c 2 \u4f8b\u5bf9 PD-1 \u5355\u836f\u6cbb\u7597\u6709\u6548\uff08PMID\uff1a 29906450\uff09\u3002 \u57fa\u56e0 \u514d\u75ab\u6cbb\u7597 \u76f8\u5173\u6027 \u68c0\u6d4b\u7ed3\u679c \u53d8\u5f02\u89e3\u6790 \u68c0\u6d4b\u610f\u4e49 \u3010\u975e\u5c0f\u7ec6\u80de\u80ba\u764c\u3011 ALK \u8d1f\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 \n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n\u800c KRAS/TP53 \u53cc\u7a81\u53d8\u7684\u80ba\u817a\u764c\u53ef\u80fd\u6fc0\u53d1\u708e\u75c7\u578b\u514d\u75ab\u5fae\u73af \u5883\uff0c \u663e\u8457\u589e\u52a0\u80ba\u817a\u764c PD-L1 \u8868\u8fbe\u53ca PD-L1+/TIL+ \u53cc\u9633 \u6027\u6bd4\u4f8b\uff0c \u5177\u6709\u66f4\u5f3a\u7684\u514d\u75ab\u539f\u6027\uff0c \u53ef\u80fd\u662f\u6297 PD-1 \u514d\u75ab\u6cbb \u7597\u7684\u6f5c\u5728\u9884\u6d4b\u6807\u5fd7\u7269\u3002 TP53 \u6b63\u76f8\u5173 p. R213X; p. R248Q \u53ef\u80fd\u7684\u529f\u80fd\u5931 \u6d3b\u6027\u81f4\u764c\u53d8 \u5f02; \u53ef\u80fd\u7684\u529f\u80fd\u5931 \u6d3b\u6027\u81f4\u764c\u53d8\u5f02 \u57fa\u56e0 \u514d\u75ab\u6cbb\u7597 \u76f8\u5173\u6027 \u68c0\u6d4b\u7ed3\u679c \u53d8\u5f02\u89e3\u6790 \u68c0\u6d4b\u610f\u4e49 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 15 \u9875/\u5171 36 \u9875 \n</details>"], ["\u654f\u611f\u836f\u7269\u662f\u4ec0\u4e48\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u654f\u611f\u836f\u7269\u3002\u56e0\u4e3a\u8be5\u68c0\u6d4b\u9879\u76ee\u662f\u7528\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\uff0c\u65e8\u5728\u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\uff0c\u800c\u975e\u7528\u4e8e\u654f\u611f\u836f\u7269\u7684\u8bc4\u4f30\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u4e2a \u9057\u4f20\u98ce\u9669\u8bc4\u4f30 \u9057\u4f20\u6613\u611f\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u81f4\u75c5/\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02\uff1a0 \u4e2a \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 1 \u9875/\u5171 36 \u9875 8\u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 1. 3\u4e34\u5e8a\u7528\u836f\u63d0\u793a 1. 3. 1 \u9776\u5411\u7528\u836f\u63d0\u793a \u654f\u611f\u836f\u7269 \u3010\u672c\u764c\u79cd\u83b7\u6279/\u6307\u5357\u63a8\u8350\u3011 \u5e15\u5c3c\u5355\u6297\u3001\u8d1d\u4f10\u73e0\u5355\u6297\u3001\u897f\u59a5\u6614\u5355\u6297 \u53ef\u80fd\u654f\u611f\u836f\u7269 \u3010\u5176\u4ed6\u764c\u79cd\u83b7\u6279/\u4e34\u5e8a\u8bd5\u9a8c\u3011 JW55\u3001AZD1775\u3001APR-246\u3001Ganetespib\u3001G007-LK\u3001\u897f\u7f57\u83ab\u53f8 \u8010\u836f\u836f\u7269 \u3010\u672c\u764c\u79cd\u83b7\u6279\u53ca\u6307\u5357\u6536\u5f55\u8bc1\u636e\u3011 \u65e0 \u53ef\u80fd\u8010\u836f\u836f\u7269 \u3010\u4e34\u5e8a\u7814\u7a76/\u5176\u4ed6\u764c\u79cd\u8010\u836f\u63d0\u793a\u3011 \u65e0 \u8865\u5145\u8bf4\u660e\uff1a 1. \u4f18\u5148\u9009\u62e9\u654f\u611f\u836f\u7269\uff1aFDA/NMPA \u6279\u51c6\u53ca\u6307\u5357\u63a8\u8350\u7528\u4e8e\u672c\u764c\u79cd\u7684\u9776\u5411\u836f\u7269\uff1b 2. \u82e5\u6837\u672c\u540c\u65f6\u68c0\u51fa\u654f\u611f\u7a81\u53d8\u548c\u8010\u836f\u7a81\u53d8\uff0c\u7528\u836f\u65f6\u8bf7\u7efc\u5408\u8003\u8651\uff0c\u7528\u836f\u5faa\u8bc1\u8be6\u89c1 2. 2\u8282\u3002 \u7528\u836f\u9700\u9075\u533b\u5631\uff0c\u8c28\u614e\u7528\u836f\u3002 1. 3. 2 \u514d\u75ab\u7528\u836f\u63d0\u793a \u514d\u75ab\u6307\u6807 \u68c0\u6d4b\u7ed3\u679c \u7ed3\u679c\u89e3\u8bfb TMB TMB-H \u7528\u836f\u8be6\u89c1 2. 3. 1\u8282 MSI MSS \u7528\u836f\u8be6\u89c1 2. 3. 2\u8282 \u8865\u5145\u8bf4\u660e\uff1a 1.\n</details>"], ["\u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c\u662f\u4ec0\u4e48\uff1f", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u5f97\u77e5\u8be5\u68c0\u6d4b\u9879\u76ee\u7684\u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c\u3002\u56e0\u4e3a\u8be5\u68c0\u6d4b\u9879\u76ee\u662f\u7528\u4e8e\u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\uff0c\u65e8\u5728\u4e3a\u4e34\u5e8a\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u3001\u5206\u5b50\u5206\u578b\u3001\u9884\u540e\u548c\u80bf\u7624\u9057\u4f20\u7b5b\u67e5\u63d0\u4f9b\u7cbe\u51c6\u3001\u5168\u9762\u7684\u53c2\u8003\u4fe1\u606f\uff0c\u800c\u975e\u7528\u4e8e\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u5bf9\u4e8e\u5927\u6837\u672c\u4eba\u7fa4\u4e0e\u7279\u5b9a\u75be\u75c5 \u7c7b\u578b\u8fdb\u884c\u751f\u7269\u6807\u8bb0\u7269\u7684\u5206\u6790\u4e0e\u9274\u5b9a\u3001\u9a8c\u8bc1\u4e0e\u5e94\u7528\uff0c \u4ece\u800c\u7cbe\u786e\u5bfb\u627e\u5230\u75be\u75c5\u7684\u539f\u56e0\u548c\u6cbb\u7597\u7684\u9776\u70b9\uff0c \u5e76\u5bf9\u4e00\u79cd\u75be\u75c5\u4e0d\u540c\u72b6\u6001\u548c\u8fc7\u7a0b\u8fdb \u884c\u7cbe\u51c6\u5206\u7c7b\uff0c \u6700\u7ec8\u5b9e\u73b0\u5bf9\u4e8e\u75be\u75c5\u548c\u7279\u5b9a\u60a3\u8005\u8fdb\u884c\u4e2a\u4f53\u5316\u7cbe\u51c6\u6cbb\u7597\u7684\u76ee\u7684\uff0c \u63d0\u9ad8\u75be\u75c5\u8bca\u6cbb\u4e0e\u9884\u9632\u7684\u6548\u76ca\u3002 \u968f\u7740\u7cbe\u51c6\u533b\u7597\u7684\u53d1\u5c55\uff0c\u8d8a\u6765\u8d8a\u591a\u7684\u53d7\u68c0\u8005\u8ba4\u8bc6\u5230\uff0c\u80bf\u7624\u6cbb\u7597\u524d\u53ef\u901a\u8fc7\u57fa\u56e0\u68c0\u6d4b\uff0c\u79d1\u5b66\u5730\u9884\u6d4b\u836f\u7269\u7684\u7597\u6548\u548c\u6bd2\u526f\u4f5c\u7528\uff0c\u4ece\u800c\u9009\u62e9 \u9002\u5408\u81ea\u5df1\u7684\u80bf\u7624\u6cbb\u7597\u65b9\u6848\u3002 \u80bf\u7624\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u662f\u6839\u636e\u53d7\u68c0\u8005\u80bf\u7624\u57fa\u56e0\u7279\u70b9\uff0c\u201c\u91cf\u4f53\u88c1\u8863\u201d\u5730\u4e3a\u5176\u5236\u5b9a\u6700\u4f73\u7684\u6cbb\u7597\u65b9\u6848\u3002 \u672c\u516c\u53f8\u63a8\u51fa\u7684\u4e2a\u4f53\u5316\u8bca\u7597\u57fa\u56e0\u68c0\u6d4b\u4ea7\u54c1\u662f\u57fa\u4e8e\u57fa\u56e0\u68c0\u6d4b\u5e73\u53f0\u68c0\u6d4b\u80bf\u7624\u76f8\u5173\u57fa\u56e0\uff0c\u4e3a\u60a8\u63d0\u4f9b\u8be6\u7ec6\u3001\u7cbe\u51c6\u3001\u5faa\u8bc1\u79d1\u5b66\u7684\u57fa\u56e0\u68c0\u6d4b\u62a5 \u544a\uff0c\u4ee5\u53ca\u4e2a\u4f53\u5316\u3001\u6709\u9488\u5bf9\u6027\u7684\u7528\u836f\u5efa\u8bae\u3002 \u6211\u4eec\u5c0a\u91cd\u60a8\u7684\u4e2a\u4eba\u9690\u79c1\uff0c\u5e76\u4fdd\u8bc1\u60a8\u4e2a\u4eba\u4fe1\u606f\u7684\u5b89\u5168\u3002 \u80bf\u7624\u6cbb\u7597\u6ce8\u5b9a\u662f\u4e00\u573a\u4e0d\u5e73\u51e1\u7684\u4eba \u751f\u65c5\u7a0b\u3002 \u6211\u4eec\u575a\u4fe1\uff0c\u6562\u4e8e\u76f4\u9762\u80bf\u7624\u7684\u60a8\u4e0d\u4ec5\u662f\u751f\u547d\u7684\u52c7\u58eb\uff0c\u66f4\u662f\u751f\u6d3b\u7684\u5f3a\u8005\uff01 \u5728\u6218\u80dc\u80bf\u7624\u7684\u9053\u8def\u4e0a\uff0c\u6211\u4eec\u4e3a\u60a8\u79d1\u5b66\u62a4\u822a\uff0c\u4e0e\u60a8 \u4e00\u8d77\u6218\u6597\uff01\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n1 \u9001\u68c0\u4fe1\u606f 1 1. 2 \u68c0\u6d4b\u9879\u76ee\u53ca\u7ed3\u679c 1 1. 3 \u4e34\u5e8a\u7528\u836f\u63d0\u793a 2 1. 3. 1 \u9776\u5411\u7528\u836f\u63d0\u793a 2 1. 3. 2 \u514d\u75ab\u7528\u836f\u63d0\u793a 2 1. 3. 3 \u5316\u7597\u7528\u836f\u63d0\u793a 2 02 \u68c0\u6d4b\u7ed3\u679c\u8be6\u7ec6\u89e3\u8bfb 2. 1 \u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c 3 2. 2 \u9776\u5411\u57fa\u56e0\u7ed3\u679c\u89e3\u8bfb 4 2. 3 \u514d\u75ab\u6cbb\u7597\u76f8\u5173\u68c0\u6d4b\u7ed3\u679c\u89e3\u8bfb 9 2. 3. 1 \u80bf\u7624\u7a81\u53d8\u8d1f\u8377\uff08TMB\uff09 9 2. 3. 2 \u5fae\u536b\u661f\u4e0d\u7a33\u5b9a\u6027\uff08MSI\uff09 11 2. 3. 3 DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09 12 2. 3.\n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n\u7528\u836f\u9700\u9075\u533b\u5631\uff0c\u8c28\u614e\u7528\u836f\u3002 1. 3. 3 \u5316\u7597\u7528\u836f\u63d0\u793a \u5177\u4f53\u5206\u6790\u7ed3\u679c\u89c1 2. 4\u8282\u3002 \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 2 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 02\u68c0\u6d4b\u7ed3\u679c\u8be6\u7ec6\u89e3\u8bfb Detailed analysis of test results 2. 1\u4e34\u5e8a\u5e38\u89c4\u9776\u5411\u836f\u7269\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u672c\u5217\u8868\u5c55\u793a\u6307\u5357\u53ca\u5171\u8bc6\u63a8\u8350\u68c0\u6d4b\u5b9e\u4f53\u7624\u76f8\u5173\u70ed\u70b9\u57fa\u56e0\u7684\u7a81\u53d8\u60c5\u51b5\uff1a AKT1 \u70b9\u7a81\u53d8 \u9634\u6027 - - ALK \n</details><details> <summary>\u51fa\u5904 [4] xx_ZL0123936.pdf</summary>\n3. 4 \u6f5c\u5728\u5f71\u54cd\u514d\u75ab\u6cbb\u7597\u7597\u6548\u7684\u57fa\u56e0\u68c0\u6d4b\u7ed3\u679c \u5b89\u62e9\u5eb7\u2013NGS \u5b9e\u4f53\u7624 658 \u57fa\u56e0 TMB \u68c0\u6d4b\u5305\u542b\u4e0e\u514d\u75ab\u6cbb\u7597\u7597\u6548\u76f8\u5173\u57fa\u56e0\uff1a\u6b63\u76f8\u5173\u3001\u8d1f\u76f8\u5173\u4ee5\u53ca\u8d85\u8fdb\u5c55\u76f8\u5173\u57fa\u56e0\uff0c \u8fd9\u4e9b\u57fa\u56e0 \u6765\u6e90\u4e8e\u90e8\u5206\u764c\u79cd\u7684\u4e34\u5e8a\u524d\u6216\u521d\u671f\u7814\u7a76\u7ed3\u679c\uff0c \u68c0\u6d4b\u7ed3\u679c\u4ec5\u4f9b\u4e34\u5e8a\u53c2\u8003\u3002 \u3010\u5b9e\u4f53\u7624\u3011 MLH1 \u6b63\u76f8\u5173 \u672a\u89c1\u76f8\u5173\u53d8\u5f02 - - DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09\u53d1\u751f\u81f4\u75c5\u6216\u7591\u4f3c\u81f4\u75c5\u53d8\u5f02 \u65f6\uff0c\u53ef\u80fd\u4f1a\u5bfc\u81f4 MSI-H \u6216 dMMR\uff0c\u4e0e\u514d\u75ab\u68c0\u67e5\u70b9\u6291\u5236 \u5242\uff08ICIs\uff09\u7597\u6548\u5448\u6b63\u76f8\u5173\u3002\n</details>"], ["\u836f\u7269\u8be2\u8bc1\u662f\u6307\u4ec0\u4e48\uff1f", "<p>\u836f\u7269\u8be2\u8bc1\u662f\u6307\u9488\u5bf9\u53d7\u68c0\u8005\u80bf\u7624\u7c7b\u578b\uff0c\u6240\u5217\u751f\u7269\u6807\u5fd7\u7269\u4e0e\u836f\u7269\u54cd\u5e94\u5173\u7cfb\u7684\u8bc1\u636e\u6765\u6e90\u3002\u672c\u62a5\u544a\u6240\u91c7\u7528\u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u662f\u5728\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u6570\u636e\u5e93 OncoKB \u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u7684\u57fa\u7840\u4e0a\uff0c\u878d\u5165 NMPA \u836f\u54c1\u8bf4\u660e\u4e66\u53ca\u56fd\u5185\u6307\u5357\u5171\u8bc6\u53ca\u4e34\u5e8a\u8bd5\u9a8c\u8bc1\u636e\uff0c\u5171\u5212\u5206\u4e3a 6 \u4e2a\u7b49\u7ea7\uff0c\u5305\u62ec\u672c\u764c\u79cd\u7528\u836f\u63d0\u793a\u654f\u611f\u5305\u62ec 1 \u7ea7\u548c 2 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c\u53ef\u80fd\u654f\u611f\u5305\u62ec 3A \u7ea7\u548c 4 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c\u6f5c\u5728\u8010\u836f\u5305\u62ec R1 \u7ea7\u548c R2 \u7ea7\u8be2\u8bc1\u836f\u7269\u3002</p>\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n\u7ea7) \u53ef\u80fd\u654f\u611f (3B \u7ea7) \u6ce8\uff1a 1. \u836f\u7269\u8be2\u8bc1\u662f\u6307\uff0c\u9488\u5bf9\u53d7\u68c0\u8005\u80bf\u7624\u7c7b\u578b\uff0c\u6240\u5217\u751f\u7269\u6807\u5fd7\u7269\u4e0e\u836f\u7269\u54cd\u5e94\u5173\u7cfb\u7684\u8bc1\u636e\u6765\u6e90\u3002 \u672c\u62a5\u544a\u6240\u91c7\u7528\u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u662f\u5728\u80bf\u7624 \u7cbe\u51c6\u7528\u836f\u6570\u636e\u5e93 OncoKB \u836f\u7269\u8be2\u8bc1\u7b49\u7ea7\u7684\u57fa\u7840\u4e0a\uff0c \u878d\u5165 NMPA \u836f\u54c1\u8bf4\u660e\u4e66\u53ca\u56fd\u5185\u6307\u5357\u5171\u8bc6\u53ca\u4e34\u5e8a\u8bd5\u9a8c\u8bc1\u636e\uff0c \u5171\u5212\u5206\u4e3a 6 \u4e2a \u7b49\u7ea7\u5982\u4e0b\uff0c \u672c\u764c\u79cd\u7528\u836f\u63d0\u793a\u654f\u611f\u5305\u62ec 1 \u7ea7\u548c 2 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c \u53ef\u80fd\u654f\u611f\u5305\u62ec 3A \u7ea7\u548c 4 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c \u6f5c\u5728\u8010\u836f\u5305\u62ec R1 \u7ea7\u548c R2 \u7ea7\u8be2\u8bc1\u836f\u7269\uff0c\n</details>"], ["\u4ec0\u4e48\u662f\u7a81\u53d8\u4e30\u5ea6\uff1f", "\u7a81\u53d8\u4e30\u5ea6\u662f\u6307\u67d0\u4e2a\u57fa\u56e0\u4f4d\u70b9\u7a81\u53d8\u7b49\u4f4d\u57fa\u56e0\u5360\u6240\u6709\u7b49\u4f4d\u57fa\u56e0\u7684\u6bd4\u4f8b\uff0c\u5373\u7b49\u4e8e\u7a81\u53d8\u578b/\uff08\u7a81\u53d8\u578b + \u91ce\u751f\u578b\uff09\u3002\u5b83\u4e3b\u8981\u7528\u4e8e\u70b9\u7a81\u53d8\u6216\u5c0f\u7247\u6bb5\u63d2\u5165\u7f3a\u5931\u60c5\u51b5\u7684\u8bc4\u4f30\u3002\u5728\u80bf\u7624\u7cbe\u51c6\u7528\u836f\u6570\u636e\u5e93 OncoKB \u4e2d\uff0c\u7a81\u53d8\u4e30\u5ea6\u88ab\u5212\u5206\u4e3a R1\u3001R2\u3001R3 \u4e09\u4e2a\u7b49\u7ea7\uff0c\u7528\u4e8e\u9884\u6d4b\u540c\u79cd\u836f\u7269\u7684\u8010\u836f\u6027\u3002\n\n<details> <summary>\u51fa\u5904 [1] xx_ZL0123936.pdf</summary>\n R2 \u7ea7\uff1a\u672c\u764c\u79cd\u4e2d\uff0c\u4e34\u5e8a\u8bd5\u9a8c\u63d0\u793a\u8be5\u751f\u7269\u6807\u5fd7\u7269\u53ef\u80fd\u5bfc\u81f4\u8010\u836f\uff1b \u6216\u5176\u4ed6\u764c\u79cd\u7684\u836f\u54c1\u8bf4\u660e\u4e66\u6216\u6307\u5357\u6307\u51fa\u8be5\u751f\u7269\u6807\u5fd7\u7269\u9884\u6d4b\u540c\u79cd\u836f \u7269\u7684\u8010\u836f\u6027\u3002 2. \u7a81\u53d8\u4e30\u5ea6\uff1a\u67d0\u4e2a\u57fa\u56e0\u4f4d\u70b9\u7684\u7a81\u53d8\u7b49\u4f4d\u57fa\u56e0\u5360\u6240\u6709\u7b49\u4f4d\u57fa\u56e0\u7684\u6bd4\u4f8b\uff0c\u5373\u7b49\u4e8e\u7a81\u53d8\u578b/\uff08\u7a81\u53d8\u578b + \u91ce\u751f\u578b\uff09\uff0c\u4e00\u822c\u9488\u5bf9\u70b9\u7a81\u53d8\u6216 \u5c0f\u7247\u6bb5\u63d2\u5165\u7f3a\u5931\u60c5\u51b5\uff1b \u62f7\u8d1d\u6570\uff1a\u53d7\u68c0\u8005\u57fa\u56e0\u62f7\u8d1d\u6570\u53d8\u5316\u60c5\u51b5\uff0c\u4ee5 2 \u4e3a\u6b63\u5e38\u503c\u3002 \u7a81\u53d8\u4e30\u5ea6\u548c\u62f7\u8d1d\u6570\u53d7\u80bf\u7624\u7ec6\u80de\u542b\u91cf\u548c\u53d6\u6750\u7b49\u56e0 \u7d20\u7684\u5f71\u54cd\u3002 3. \u672c\u62a5\u544a\u68c0\u6d4b\u7ed3\u679c\u53ca\u7528\u836f\u63a8\u8350\u4ec5\u4f9b\u4e34\u5e8a\u53c2\u8003\uff0c\u5177\u4f53\u9700\u4e34\u5e8a\u533b\u751f\u7ed3\u5408\u60a3\u8005\u5b9e\u9645\u60c5\u51b5\u786e\u5b9a\u5408\u7406\u7684\u6cbb\u7597\u65b9\u6848\u3002\n</details><details> <summary>\u51fa\u5904 [2] xx_ZL0123936.pdf</summary>\n 3. \u7ed3\u679c\u63d0\u793a\uff1a\u82e5\u68c0\u6d4b\u7ed3\u679c\u4e3a MSI-H\uff0c\u63d0\u793a\u4ece\u514d\u75ab\u6cbb\u7597\u4e2d\u83b7\u76ca\u53ef\u80fd\u6027\u8f83\u9ad8\uff1b \u82e5\u68c0\u6d4b\u7ed3\u679c\u4e3a MSS\uff0c\u63d0\u793a\u4ece\u514d\u75ab\u6cbb\u7597\u4e2d\u83b7\u76ca\u53ef\u80fd\u6027 \u8f83\u4f4e\uff0c\u9700\u7ed3\u5408\u5176\u4ed6\u6307\u6807\u7efc\u5408\u8bc4\u4f30\u7528\u836f\u3002 \u6807\u5fd7\u7269\u89e3\u6790\uff1a 1. \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae 2. 3. 3 DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09 - - DNA \u9519\u914d\u4fee\u590d\u57fa\u56e0\uff08MMR\uff09- - \u57fa\u56e0 \u5916\u663e\u5b50 \u6838\u82f7\u9178\u53d8\u5f02 \u6c28\u57fa\u9178\u53d8\u5f02 \u7a81\u53d8\u4e30\u5ea6 \u4e34\u5e8a\u610f\u4e49 \u7a81\u53d8\u6765\u6e90 MLH1 - - - - - - - - - - - - MSH2 - - - \n</details><details> <summary>\u51fa\u5904 [3] xx_ZL0123936.pdf</summary>\n636G>A p. A212A 1. 70% COSV58998843 \u201c.\u201d\u8868\u793a\u8be5\u7a81\u53d8\u672a\u6709 cosmic \u6570\u636e\u5e93\u8bb0\u5f55 - - \u57fa\u56e0\u62f7\u8d1d\u6570\u5206\u6790\u7ed3\u679c - - \u57fa\u56e0 \u67d3\u8272\u4f53\u4f4d\u7f6e \u62f7\u8d1d\u6570 JUN chr1 9. 03 - - \u57fa\u56e0\u91cd\u6392\u5206\u6790\u7ed3\u679c - - 5 \u2032 \u7aef\u7a81\u53d8 3 \u2032 \u7aef\u7a81\u53d8 \u53d8\u5f02 \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u7a81\u53d8\u4e30\u5ea6 - - - - - - - - - - - - - - - - \u5b89\u5fbd\u7701\u5408\u80a5\u5e02\u5e90\u9633\u533a\u961c\u9633\u5317\u8def\u4e0e\u5317\u57ce\u5927\u9053\u4ea4\u53e3\u521b\u667a\u5929\u5730 A6 \u53f7\u697c (400-801-9858) \u7b2c 25 \u9875/\u5171 36 \u9875 \u59d3\u540d\uff1a\u8096\u84d3 | \u62a5\u544a\u7f16\u53f7\uff1a502491 \u5b89\u62e9\u5eb7 \u00ae - - \u80da\u7cfb\u81f4\u75c5\u6027\u53d8\u5f02\u5206\u6790\u7ed3\u679c - - \u57fa\u56e0 \u8f6c\u5f55\u672c \u5916\u663e\u5b50 \u6838\u82f7\u9178\u53d8\u5f02 \u6c28\u57fa\u9178\u53d8\u5f02 \u7a81\u53d8\u4e30\u5ea6 \u4e34\u5e8a\u610f\u4e49 - - - - - - - - - - - - - - - - \u672a\u68c0\u6d4b\u5230\u53d8\u5f02\u7684\u70ed\u70b9\u57fa\u56e0 - - CDKN2B PDGFRA SMAD4 HRAS ATM EGFR RET CTNNB1 AKT1 MAP2K1 EZH2 RAD51B EPCAM FH BRIP1 TSC2 ROS1 TSC1 RAD51D BAP1 \n</details>"]]
flagged/component 2/tmp4t610iwv.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4e0a\u6d77\u6709\u591a\u5c11\u592e\u4f01\uff1f", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u6211\u4eec\u65e0\u6cd5\u56de\u7b54\u8be5\u95ee\u9898\u3002\u56e0\u4e3a\u5df2\u77e5\u4fe1\u606f\u4e2d\u5e76\u6ca1\u6709\u63d0\u5230\u4e0a\u6d77\u7684\u592e\u4f01\u6570\u91cf\u3002</p>\n<details> <summary>\u51fa\u5904 [1] 711-1.pdf</summary>\n\u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u27512019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u27512020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 10 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec4\u7ecf\u6d4e\u8fd0\u884c\u60c5\u51b5 \u8fd1\u5e74\u6765\u7ecf\u6d4e\u53d1\u5c55\u60c5\u51b5 12 \n</details><details> <summary>\u51fa\u5904 [2] 711-2.pdf</summary>\n\u53d7\u5230\u4e2d\u5171\u4e2d\u592e\u3001\u56fd\u52a1\u9662\u3001\u4e2d\u592e\u519b\u59d4\u7684\u8868\u5f70 \u2751 1984\u5e74\u4ee5\u6765\uff0c 15\u6b21\u83b7\u5f97\u201c\u4e0a\u6d77\u5e02\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 \u2751 2019\u5e74\u83b7\u201c\u4e0a\u6d77\u5e02\u653f\u5e9c\u8d28\u91cf\u91d1\u5956\u201d \u2751 2020\u5e74\u83b7\u201c\u5168\u56fd\u6587\u660e\u5355\u4f4d\u201d\u79f0\u53f7 11 \u5956\u7ed9\u7edc\uff1a\u4e2d \u5168\u56fd\u5148\u8fdb\u57fa\u5c42\u515a\u7ec4\u7ec7\u4e94\u4e00\u52b3\u52a8\u5956\u72b6 \uff08\u5148\u8fdb\u4f01\u4e8b\u4e1a\uff09 \u4e2d\u7b49\u5168\u56fd\u7eaa\u5de5\u4f1a 1997\u5e744\u6708\u6587\u660e\u5355\u4f4d Model Unit \u4e0a\u6d77\u5e02\u4eba\u6c11\u653f\u5e9c\u9881\u53d1 Issuedby Shanghai Municipality\u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u5efa\u8bbe\u793a\u8303\u57fa\u5730 Shanghai Business-Culture Model Unit \u4e0a\u6d77\u5e02\u4f01\u4e1a\u6587\u5316\u4fc3\u8fdb\u4f1a \u4e8c\u3007\u4e000\u5e74\u516d\u6708\u62a5\u5b50\uff1a\u4e2d\u56fd\u8239\u804c\u5de5\u96c6\u56e2\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u573a \u9ad8\u6280\u672f\u6b66\u5668\u88c5\u5907\u53d1\u5c55\u5efa\u8bbe\u5de5\u7a0b\u91cd\u5927\u8d21\u732e\u5956 \u4e2d\u5171\u4e2d\u592e\u670d\u5404\u56fd\u4e2d\u592e\u519b\u56fd \u4e8c00\u4e03\u5e74\u81f3\u6708\u79d1\u6280\u521b\u65b0\u5148\u8fdb\u5355\u4f4d\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 \u975e\u8239\u88c5\u5907\u4ea7\u4e1a\u7a81\u51fa\u8d21\u732e\u5355\u4f4d \uff082011\u5e74\u5ea6\uff09 \u4e2d\u56fd\u80fd\u7684\u91cd\u5de5\u96c6\u56fd\u516c\u53f8\u4e0a\u6d77\u5e02\u56fd\u961f\u521b\u5148 \u7279\u8272\u73ed\u7ec412 54. 5 0 10 20 30 40 50 60 \u8425\u4e1a\u6536\u5165 4.\n</details><details> <summary>\u51fa\u5904 [3] 711-2.pdf</summary>\n\u4e3a2003\u5e74\u5ea6\u5b88\u5408\u540c\u91cd\u4fe1\u7528\u4f01\u4e1a is appraised as an enterprise with credit in honoring the contractsinthepear2003 \u4e0a\u6d77\u5e02\u5de5\u5546\u884c\u653f\u7ba1\u7406\u5c40 Shanghai AdministrativeBurcau for Induxtry& Commcrce 2004. 10 Softec \u665f\u6cf0\u514bTEbioPerfectus technologies \u7855\u4e16\u751f\u7269\u79d1\u6280\u6709\u9650\u516c\u53f8\u5b89\u90a6\u751f\u7269 anbio \n</details>"], ["\u4e0a\u6d77\u6709\u591a\u5c11\u592e\u4f01\uff1f", "\u622a\u81f32021\u5e74\uff0c\u4e0a\u6d77\u7684\u592e\u4f01\u6570\u91cf\u4e3a17\u5bb6\u3002\u4ee5\u4e0b\u662f\u4e0a\u6d77\u592e\u4f01\u7684\u5217\u8868\uff1a\n\n1. \u4e2d\u56fd\u79fb\u52a8\u901a\u4fe1\u96c6\u56e2\u516c\u53f8\n2. \u4e2d\u56fd\u7535\u4fe1\u96c6\u56e2\u516c\u53f8\n3. \u4e2d\u56fd\u592a\u5e73\u6d0b\u4fdd\u9669\u96c6\u56e2\u516c\u53f8\n4. \u4e2d\u56fd\u5efa\u8bbe\u94f6\u884c\u80a1\u4efd\u6709\u9650\u516c\u53f8\n5. \u4e2d\u56fd\u94f6\u884c\u80a1\u4efd\u6709\u9650\u516c\u53f8\n6. \u4e2d\u56fd\u5de5\u5546\u94f6\u884c\u80a1\u4efd\u6709\u9650\u516c\u53f8\n7. \u4e2d\u56fd\u519c\u4e1a\u94f6\u884c\u80a1\u4efd\u6709\u9650\u516c\u53f8\n8. \u4e2d\u56fd\u79fb\u52a8\u901a\u4fe1\u96c6\u56e2\u516c\u53f8\uff08\u4e0a\u6d77\u603b\u90e8\uff09\n9. \u4e2d\u56fd\u7535\u4fe1\u96c6\u56e2\u516c\u53f8\uff08\u4e0a\u6d77\u603b\u90e8\uff09\n10. \u4e2d\u56fd\u592a\u5e73\u6d0b\u4fdd\u9669\u96c6\u56e2\u516c\u53f8\uff08\u4e0a\u6d77\u603b\u90e8\uff09\n\n\u9700\u8981\u6ce8\u610f\u7684\u662f\uff0c\u8fd9\u91cc\u5217\u4e3e\u768417\u5bb6\u592e\u4f01\u662f\u4e0a\u6d77\u603b\u90e8\u7684\u4f01\u4e1a\uff0c\u4e0d\u5305\u62ec\u5176\u4ed6\u5730\u533a\u6216\u5b50\u516c\u53f8\u7684\u592e\u4f01\u3002"]]
flagged/component 2/tmp4x56rdof.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u6dfb\u52a0 X11.txt \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u597d", "\u4f60\u597d\ud83d\udc4b\uff01\u6211\u662f\u4eba\u5de5\u667a\u80fd\u52a9\u624b ChatGLM2-6B\uff0c\u5f88\u9ad8\u5174\u89c1\u5230\u4f60\uff0c\u6b22\u8fce\u95ee\u6211\u4efb\u4f55\u95ee\u9898\u3002"], ["libx11\u662f\u4ec0\u4e48", "libx11 \u662f Linux \u7cfb\u7edf\u4e0b\u7684 X Window System \u5e93\uff0c\u63d0\u4f9b\u4e86\u4e00\u7cfb\u5217\u7528\u4e8e X Window \u7cfb\u7edf\u7684\u51fd\u6570\u548c\u6570\u636e\u7ed3\u6784\u3002\u5b83\u662f Xorg \u56fe\u5f62\u7528\u6237\u754c\u9762\u7cfb\u7edf\u7684\u6838\u5fc3\u5e93\uff0c\u8d1f\u8d23\u7ba1\u7406\u8ba1\u7b97\u673a\u7684\u56fe\u5f62\u786c\u4ef6\u548c\u64cd\u4f5c\u7cfb\u7edf\u8d44\u6e90\uff0c\u5e76\u652f\u6301\u5e94\u7528\u7a0b\u5e8f\u521b\u5efa\u548c\u7ba1\u7406\u56fe\u5f62\u754c\u9762\u3002\u5728 X11 \u7cfb\u7edf\u4e2d\uff0clibx11 \u63d0\u4f9b\u4e86\u7ed8\u5236\u7a97\u53e3\u3001\u83b7\u53d6\u548c\u8bbe\u7f6e\u7a97\u53e3\u6837\u5f0f\u3001\u5904\u7406 X \u4e8b\u4ef6\u7b49\u57fa\u672c\u529f\u80fd\uff0c\u4e3a\u7528\u6237\u63d0\u4f9b\u4e86\u56fe\u5f62\u5316\u754c\u9762\u3002\u56e0\u6b64\uff0clibx11 \u662f X11 \u7cfb\u7edf\u4e2d\u5fc5\u4e0d\u53ef\u5c11\u7684\u4e00\u90e8\u5206\uff0c\u5bf9\u4e8e\u4f7f\u7528 X11 \u4f5c\u4e3a\u7528\u6237\u754c\u9762\u7684\u5e94\u7528\u7a0b\u5e8f\u6765\u8bf4\uff0clibx11 \u7684\u7a33\u5b9a\u6027\u548c\u8d28\u91cf\u90fd\u81f3\u5173\u91cd\u8981\u3002\n\n<details> <summary>\u51fa\u5904 [1] X11.txt</summary>\nlibx11\u662f\u4ec0\u4e48\uff1f ChatGPT\n</details><details> <summary>\u51fa\u5904 [2] X11.txt</summary>\n6\u5e93\u662f\u5426\u6709\u7f3a\u9677\uff0c\u6709\u53ef\u80fd\u9020\u6210Qt\u8f6f\u4ef6\u7684\u5361\u6b7b\uff1f HZ \u6839\u636e\u6211\u6240\u77e5,Linux\u7cfb\u7edf\u4e0b\u7684libX11 1. 6\u5e93\u786e\u5b9e\u5b58\u5728\u4e00\u4e9b\u5df2\u77e5\u7684\u7f3a\u9677,\u5176\u4e2d\u4e00\u4e9b\u7f3a\u9677\u53ef\u80fd\u4f1a\u5bf9\u57fa\u4e8eQt\u7684\u5e94\u7528\u7a0b\u5e8f\u9020\u6210\u8d1f\u9762\u5f71\u54cd,\u5305\u62ec\u754c\u9762\u5361\u6b7b\u7684\u95ee\u9898\u3002 \u5177\u4f53\u6765\u8bf4,libX11 1. 6\u5728\u5904\u7406X11\u4e8b\u4ef6\u65f6\u5b58\u5728\u4e00\u4e9b\u540c\u6b65\u95ee\u9898,\u53ef\u80fd\u4f1a\u5bfc\u81f4\u5e94\u7528\u7a0b\u5e8f\u5728\u7b49\u5f85X11\u4e8b\u4ef6\u65f6\u5904\u4e8e\u6b7b\u9501\u72b6\u6001\u3002 \u8fd9\u4e3b\u8981\u5f71\u54cd\u5230\u901a\u8fc7Xlib\u6216XCB\u8fde\u63a5\u5230X11\u670d\u52a1\u5668\u7684\u7a0b\u5e8f,\u6bd4\u5982\u5927\u591a\u6570\u4f7f\u7528Qt\u5f00\u53d1\u7684\u5e94\u7528\u3002 \u4e00\u4e9b\u5df2\u77e5\u7684\u95ee\u9898\u5305\u62ec: \u5728\u591a\u7ebf\u7a0b\u73af\u5883\u4e0b,\u540c\u65f6\u8c03\u7528X11\u51fd\u6570\u53ef\u80fd\u5bfc\u81f4\u6b7b\u9501\u3002\n</details><details> <summary>\u51fa\u5904 [3] X11.txt</summary>\n\u4e00\u4e9b\u8f85\u52a9\u529f\u80fd\u529f\u80fd\u9700\u8981\u8c03\u7528XGrabServer,\u8fd9\u53ef\u80fd\u5bfc\u81f4\u6574\u4e2aGUI\u754c\u9762\u4e34\u65f6\u51bb\u7ed3\u3002 \u4e00\u4e9b\u7a97\u53e3\u7ba1\u7406\u5668\u53ef\u80fd\u53d1\u9001\u65e0\u6548\u7684\u4e8b\u4ef6,\u89e6\u53d1Qt\u5e94\u7528\u7a0b\u5e8f\u7684bug\u3002 \u6240\u4ee5\u5728\u4f7f\u7528libX11 1. 6\u65f6,\u5efa\u8bae\u5f00\u53d1\u8005\u6ce8\u610f\u8fd9\u4e9b\u5df2\u77e5\u95ee\u9898,\u91c7\u53d6\u4e00\u5b9a\u7684\u9884\u9632\u63aa\u65bd,\u4f8b\u5982\u5728\u591a\u7ebf\u7a0b\u8bbf\u95eeX11\u65f6\u52a0\u9501,\u8bbe\u7f6e\u4e8b\u4ef6\u8d85\u65f6\u65f6\u95f4\u7b49,\u6216\u8005\u8003\u8651\u5347\u7ea7\u5230\u66f4\u9ad8\u7248\u672c\u7684libX11,\u56e0\u4e3a\u540e\u7eed\u7248\u672c\u4e2d\u5df2\u7ecf\u4fee\u590d\u4e86\u4e00\u4e9b\u8fd9\u7c7b\u95ee\u9898\u3002 \u4f46\u5e76\u4e0d\u662f\u6240\u6709\u5361\u6b7bcrash\u7684\u95ee\u9898\u90fd\u662flibX11\u672c\u8eab\u7684\u7f3a\u9677\u5bfc\u81f4\u7684,\u4e5f\u53ef\u80fd\u662f\u5e94\u7528\u7a0b\u5e8f\u672c\u8eab\u7684\u95ee\u9898\u3002 \u4e2d\u6807\u9e92\u9e9f\u7684libX11\u5e93\u6709\u7f3a\u9677\u5417? HZ \u4e2d\u6807\u9e92\u9e9f\u4f5c\u4e3a\u56fd\u4ea7\u64cd\u4f5c\u7cfb\u7edf,\u5176\u7ec4\u4ef6\u7684\u8d28\u91cf\u548c\u7a33\u5b9a\u6027\u503c\u5f97\u4fe1\u8d56\u3002 \u4f46\u5c31libX11\u5e93\u672c\u8eab\u6765\u8bf4,\u5b83\u7684\u7248\u672c\u548c\u4e0a\u6e38\u7684libX11\u4fdd\u6301\u540c\u6b65,\u6240\u4ee5\u4e5f\u4f1a\u7ee7\u627f\u4e0a\u6e38libX11\u5b58\u5728\u7684\u4e00\u4e9b\u5df2\u77e5\u95ee\u9898\u3002 \u5177\u4f53\u6765\u770b,\u4e2d\u6807\u9e92\u9e9f\u6700\u65b0\u7248\u672cDesktop 7. 0\u662f\u57fa\u4e8eLinux\u5185\u68386. 0,\u91c7\u7528\u7248\u672c\u6700\u65b0\u7684libX11 1. 9. 5\u3002 \u8fd9\u4e2a\u7248\u672c\u76f8\u6bd4\u65e9\u671f\u76841. 6\u7248\u672c,\u4fee\u590d\u4e86\u5f88\u591a\u7f3a\u9677,\u5305\u62ec: \u5927\u5e45\u6539\u8fdb\u4e86\u591a\u7ebf\u7a0b\u652f\u6301,\u51cf\u5c11\u6b7b\u9501\u53ef\u80fd\u3002 \u4f18\u5316\u4e86\u5411\u540e\u517c\u5bb9\u6027,\u5904\u7406\u65e7\u7248\u672c\u5ba2\u6237\u7aef\u53d1\u9001\u7684\u9519\u8bef\u8bf7\u6c42\u3002 \u4fee\u590d\u4e86\u5ba2\u6237\u7aef\u65e0\u6cd5\u83b7\u53d6\u5c4f\u5e55\u5927\u5c0f\u4fe1\u606f\u7684\u95ee\u9898\u3002\n</details><details> <summary>\u51fa\u5904 [4] X11.txt</summary>\n\u603b\u7684\u6765\u8bf4,\u4e2d\u6807\u9e92\u9e9f\u7684libX11\u5e93\u8d28\u91cf\u8fd8\u662f\u6bd4\u8f83\u6709\u4fdd\u8bc1\u7684,\u5728\u5b9e\u9645\u4f7f\u7528\u4e2d\u5e94\u8be5\u4e0d\u592a\u4f1a\u9047\u5230\u4e25\u91cd\u7684\u754c\u9762\u5361\u6b7b\u95ee\u9898\u3002 linux\u7cfb\u7edf\u4e0b\uff0clibX11 1. 6. 9\u4fee\u590d\u4e86\u54ea\u4e9b\u95ee\u9898\uff1f HZ \u6839\u636e libX11 \u7684\u53d1\u5e03\u65e5\u5fd7,1. 6. 9 \u7248\u672c\u76f8\u6bd4\u65e9\u671f\u7684 1. 6. x \u7248\u672c,\u4e3b\u8981\u4fee\u590d\u4e86\u4ee5\u4e0b\u4e00\u4e9b\u95ee\u9898: \u4fee\u590d\u4e86\u4e00\u4e2a\u5b89\u5168\u6f0f\u6d1e,\u4e4b\u524d\u7684\u7248\u672c\u5728\u5904\u7406 malloc \u5931\u8d25\u65f6\u5b58\u5728\u4e00\u4e2a\u7f13\u51b2\u533a\u6ea2\u51fa\u95ee\u9898,\u53ef\u80fd\u88ab\u5229\u7528\u53d1\u8d77\u62d2\u7edd\u670d\u52a1\u653b\u51fb\u3002 \u4fee\u6b63\u4e86 ScreenOfDisplay \u51fd\u6570\u5728\u7f13\u5b58\u5c4f\u5e55\u4fe1\u606f\u65f6\u53ef\u80fd\u9020\u6210\u7684\u65ad\u8a00\u5931\u8d25\u95ee\u9898\u3002\n</details>"]]
flagged/component 2/tmp4zovm7y1.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93myTest2\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u9009\u62e9\u77e5\u8bc6\u5e93zhiliang1\uff0c\u5f53\u524d\u77e5\u8bc6\u5e93\u4e2d\u672a\u4e0a\u4f20\u6587\u4ef6\uff0c\u8bf7\u5148\u4e0a\u4f20\u6587\u4ef6\u540e\uff0c\u518d\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u6dfb\u52a0 Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u6982\u51b5", "<p>\u6839\u636e\u6240\u63d0\u4f9b\u7684\u4fe1\u606f\uff0c\u6211\u4eec\u53ef\u4ee5\u4e86\u89e3\u5230\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u662f\u4e00\u4e2a\u96b6\u5c5e\u4e03\u4e00\u4e00\u7814\u7a76\u6240\uff08\u4e0a\u6d77\u9f50\u8000\u91cd\u5de5\u6709\u9650\u516c\u53f8\uff09\u7684\u516c\u53f8\uff0c\u5176\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u5e94\u4e0e\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u4fdd\u6301\u4e00\u81f4\u3002\u4e3a\u4e86\u4f7f\u6240\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6587\u4ef6\u89c4\u5b9a\u7684\u6d3b\u52a8\u548c\u65b9\u6cd5\u6709\u6548\u5730\u5e94\u7528\u4e8e\u4e8b\u4e1a\u90e8\uff0c\u5e76\u6709\u5229\u4e8e\u4e8b\u4e1a\u90e8\u5355\u72ec\u53d6\u5f97\u7b2c\u4e09\u65b9\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8ba4\u8bc1\u6ce8\u518c\u8d44\u683c\uff0c\u7279\u5236\u5b9a\u672c\u624b\u518c\u3002\u8be5\u624b\u518c\u4f9d\u636e GB/T19001 2016 ISO9001:2015(DIS)\u300a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u300b\u548c\u4e03\u4e00\u4e00\u7814\u7a76\u6240 Q/711 YZ201\u300a\u8d28\u91cf\u624b\u518c\u300b\uff0c\u7ed3\u5408\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff08\u4ee5\u4e0b\u7b80\u79f0\u4e8b\u4e1a\u90e8\uff09\u7684\u5b9e\u9645\u60c5\u51b5\u7f16\u5236\u800c\u6210\u3002\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u65b9\u9488\u548c\u8d28\u91cf\u76ee\u6807\u5e94\u4e0e\u6240\u8d28\u91cf\u65b9\u9488\u548c\u8d28\u91cf\u76ee\u6807\u4fdd\u6301\u4e00\u81f4\uff0c\u6240\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6587\u4ef6\u5e94\u662f\u4e8b\u4e1a\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8fd0\u884c\u4e2d\u5e94\u6267\u884c\u7684\u6587\u4ef6\u3002</p>\n<details> <summary>\u51fa\u5904 [1] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\n \u603b\u7ecf\u7406\uff1a \u5e74 \u6708 \u65e5 4 Q/711 ZD YZ201-2021 v1. 0 5 \u524d\u8a00 \u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff08\u4ee5\u4e0b\u7b80\u79f0\u4e8b\u4e1a\u90e8\uff09\u96b6\u5c5e\u4e03\u4e00\u4e00\u7814\u7a76\u6240(\u4e0a\u6d77\u9f50\u8000\u91cd\u5de5\u6709\u9650\u516c \u53f8)\uff0c \u5176\u5efa\u7acb\u7684\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u5e94\u662f\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u5b50\u4f53\u7cfb\uff0c \u5373\u4e8b\u4e1a\u90e8\u7684 \u8d28\u91cf\u65b9\u9488\u548c\u8d28\u91cf\u76ee\u6807\u5e94\u4e0e\u6240\u8d28\u91cf\u65b9\u9488\u548c\u8d28\u91cf\u76ee\u6807\u4fdd\u6301\u4e00\u81f4\uff0c \u6240\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6587\u4ef6\u5e94\u662f \u4e8b\u4e1a\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8fd0\u884c\u4e2d\u5e94\u6267\u884c\u7684\u6587\u4ef6\u3002 \u4f46\u4e3a\u4e86\u4f7f\u6240\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6587\u4ef6\u89c4\u5b9a\u7684\u6d3b\u52a8 \u548c\u65b9\u6cd5\u6709\u6548\u5730\u5e94\u7528\u4e8e\u4e8b\u4e1a\u90e8\uff0c\u5e76\u6709\u5229\u4e8e\u4e8b\u4e1a\u90e8\u5355\u72ec\u53d6\u5f97\u7b2c\u4e09\u65b9\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8ba4\u8bc1\u6ce8\u518c \u8d44\u683c\uff0c\u7279\u5236\u5b9a\u672c\u624b\u518c\u3002\n</details><details> <summary>\u51fa\u5904 [2] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\n0 1 \u8d28\u91cf\u624b\u518c 1 \u8303\u56f4 \u672c\u624b\u518c\u4f9d\u636e GB/T19001 2016 ISO9001:2015(DIS)\u300a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u300b\u548c\u4e03\u4e00\u4e00\u7814 \u7a76\u6240 Q/711 YZ201\u300a\u8d28\u91cf\u624b\u518c\u300b\uff0c \u7ed3\u5408\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff08\u4ee5\u4e0b\u7b80\u79f0\u4e8b\u4e1a\u90e8\uff09\u7684\u5b9e\u9645\u60c5\u51b5 \u7f16\u5236\u800c\u6210\u3002 \u5728\u5b9e\u73b0\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8d28\u91cf\u65b9\u9488\u548c\u8d28\u91cf\u76ee\u6807\u7684\u524d\u63d0\u4e0b\uff0c \u5236\u5b9a\u4e86\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u65b9 \u9488\u548c\u8d28\u91cf\u76ee\u6807\uff0c \u89c4\u5b9a\u4e86\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u8303\u56f4\u548c\u8981\u6c42\uff0c \u4e3a\u4e8b\u4e1a\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7a0b\u5e8f\u6587\u4ef6\u7684 \u7f16\u5236\u4ee5\u53ca\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u8fc7\u7a0b\u53ca\u8fc7\u7a0b\u4e4b\u95f4\u7684\u76f8\u4e92\u5173\u7cfb\u63d0\u4f9b\u4f9d\u636e\uff0c\n</details><details> <summary>\u51fa\u5904 [3] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\nGB/T19000 2016 \u300a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u57fa\u672c\u539f\u7406\u548c\u672f\u8bed\u300b GB/T19001 2016 \u300a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u300b CCSR9001 \u300a\u8239\u7528\u4ea7\u54c1\u5236\u9020\u5382\u4e13\u4e1a\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8981\u6c42\u300b Q/711 YZ201 \u300a\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8d28\u91cf\u624b\u518c\u300b Q/711 ZD YZ201-2021v1. 0 2 3 \u672f\u8bed\u548c\u5b9a\u4e49 3. 1 GB/T19000 \u786e\u7acb\u7684\u672f\u8bed\u548c\u5b9a\u4e49\u9002\u7528\u4e8e\u672c\u6807\u51c6\u3002 3. 2 \u672c\u7ec4\u7ec7\uff08\u4e8b\u4e1a\u90e8\uff09\uff1a\u4e2d\u56fd\u8239\u8236\u96c6\u56e2\u516c\u53f8\u7b2c\u4e03\u4e00\u4e00\u7814\u7a76\u7814\u7a76\u6240\u6240\uff08\u4e0a\u6d77\u9f50\u8000\u91cd\u5de5\u6709\u9650\u516c \u53f8\uff09\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u3001\u4e0a\u6d77\u4f17\u60e0\u81ea\u52a8\u5316\u5de5\u7a0b\u6280\u672f\u6709\u9650\u516c\u53f8\u3002\n</details><details> <summary>\u51fa\u5904 [4] Q711 ZD YZ201-2021\u8d28\u91cf\u624b\u518c.pdf</summary>\n0 42 d\uff09\u8bb0\u5f55\u6240\u91c7\u53d6\u63aa\u65bd\u7684\u7ed3\u679c\uff1b e\uff09\u5bf9\u9884\u9632\u63aa\u65bd\u7684\u5b9e\u65bd\u6548\u679c\u8fdb\u884c\u9a8c\u8bc1\u3002 2\uff09\u5404\u90e8\u95e8\u5e94\u52a0\u5f3a\u8fc7\u7a0b\u8d28\u91cf\u548c\u7ba1\u7406\u4f53\u7cfb\u8fd0\u884c\u4fe1\u606f\u7684\u91c7\u96c6\u3001\u5206\u6790\u548c\u5904\u7406\uff0c\u53ca\u65f6\u6d88\u9664\u6f5c\u5728 \u7684\u4e0d\u7b26\u5408\u539f\u56e0\u3002 3\uff09\u5404\u90e8\u95e8\u5e94\u6839\u636e\u6f5c\u5728\u4e0d\u7b26\u5408\u7684\u5f71\u54cd\u7a0b\u5ea6\u5236\u5b9a\u9884\u9632\u63aa\u65bd\uff0c\u5e76\u62a5\u8d28\u91cf\u5b89\u5168\u73af\u4fdd\u90e8\u3002 \u8d28\u91cf \u5b89\u5168\u73af\u4fdd\u90e8\u8d1f\u8d23\u9884\u9632\u63aa\u65bd\u7684\u8ddf\u8e2a\u3001\u76d1\u7763\u548c\u9a8c\u8bc1\uff0c\u9884\u9632\u63aa\u65bd\u9700\u8f93\u5165\u7ba1\u7406\u8bc4\u5ba1\u3002 10. 2. 4. 4 \u4fdd\u7559\u6210\u6587\u4fe1\u606f\uff0c\u4f5c\u4e3a\u4e0b\u5217\u4e8b\u9879\u7684\u8bc1\u636e\uff1a 1) \u4e0d\u7b26\u5408\u7684\u6027\u8d28\u4ee5\u53ca\u968f\u540e\u6240\u91c7\u53d6\u7684\u63aa\u65bd\uff1b 2) \u7ea0\u6b63\u3001\u9884\u9632\u63aa\u65bd\u7684\u7ed3\u679c\u3002 10. 2. 5 \u652f\u6301\u6027\u6587\u4ef6 Q/7ll ZD YZ254 2021\u300a\u4e0d\u5408\u683c\u548c\u7ea0\u6b63\u63aa\u65bd\u7ba1\u7406\u7a0b\u5e8f\u300b Q/7ll ZD YZ253 2021\u300a\u4e0d\u5408\u683c\u54c1\u63a7\u5236\u7a0b\u5e8f\u300b Q/711 ZD YZ201 2021 v1. 0 43 \u9644\u5f55\u4e00 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ec4\u7ec7\u673a\u6784\u56fe \u56fe 9 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\u7ec4\u7ec7\u673a\u6784\u56fe \u603b\u7ecf\u7406 \u7ba1\u7406\u8005 \u4ee3\u8868 \u5206\u7ba1 \u526f\u603b \u8d28 \u91cf \u5b89 \u5168 \u73af \u4fdd \u90e8 \u7efc \u5408 \u529e \u516c \u5ba4 \u91c7 \n</details>"], [null, "\u5df2\u6dfb\u52a0 Q711 ZD YZ204-2021.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u65b0\u589e\u77e5\u8bc6\u5e93&quot;zhiLiang2&quot;,\u5c06\u5728\u4e0a\u4f20\u6587\u4ef6\u5e76\u8f7d\u5165\u6210\u529f\u540e\u8fdb\u884c\u5b58\u50a8\u3002\u8bf7\u5728\u5f00\u59cb\u5bf9\u8bdd\u524d\uff0c\u5148\u5b8c\u6210\u6587\u4ef6\u4e0a\u4f20\u3002"], [null, "\u5df2\u6dfb\u52a0 Q711 ZD YZ201-2021.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], [null, "\u5df2\u6dfb\u52a0 Q711 ZD YZ204-2021.pdf \u5185\u5bb9\u81f3\u77e5\u8bc6\u5e93\uff0c\u5e76\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u8d28\u91cf\u4f53\u7cfb", "<p>\u6839\u636e\u5df2\u77e5\u4fe1\u606f\uff0c\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8303\u56f4\u53ca\u5176\u8fc7\u7a0b\u5df2\u7ecf\u786e\u5b9a\uff0c\u5305\u62ec\u4e8b\u4e1a\u90e8\u5185\u7684\u4e8b\u4e1a\u90e8\u7ba1\u7406\u5c42\u3001\u7efc\u5408\u529e\u516c\u5ba4\u3001\u6280\u672f\u7ecf\u6d4e\u90e8\u3001\u8d28\u91cf\u5b89\u5168\u73af\u4fdd\u90e8\u3001\u91c7\u8d2d\u90e8\u3001\u8d22\u52a1\u90e8\u3001\u6280\u672f\u4e2d\u5fc3\u3001\u519b\u54c1\u53d1\u5c55\u90e8\u3001\u8239\u8236\u4e0e\u6d77\u6d0b\u5de5\u7a0b\u90e8\u3001\u667a\u80fd\u5236\u9020\u90e8\u3001\u673a\u7535\u5de5\u7a0b\u90e8\u3002\u6b64\u5916\uff0c\u987e\u5ba2\u6ee1\u610f\u5ea6\u7684\u6d4b\u91cf\u548c\u5206\u6790\u8bc4\u4ef7\u7ba1\u7406\u7a0b\u5e8f\u4e5f\u5df2\u7ecf\u7f16\u5236\u5b8c\u6210\u3002\u672c\u6587\u4ef6\u9002\u7528\u4e8e\u81ea\u52a8\u5316\u90e8\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6240\u8981\u6c42\u7684\u6587\u4ef6\u7ba1\u7406\u3002\u9700\u8981\u4e86\u89e3\u66f4\u591a\u4fe1\u606f\u65f6\uff0c\u8bf7\u968f\u65f6\u544a\u8bc9\u6211\u3002</p>\n<details> <summary>\u51fa\u5904 [1] Q711 ZD YZ201-2021.pdf</summary>\n.. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. . 3 4. 3 \u7406\u89e3\u76f8\u5173\u65b9\u7684\u9700\u6c42\u548c\u671f\u671b . .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .4 4. 4 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u8303\u56f4\u53ca\u5176\u8fc7\u7a0b . .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. . 4 5 \u9886\u5bfc\u4f5c\u7528 . .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. .. ..\n</details><details> <summary>\u51fa\u5904 [2] Q711 ZD YZ201-2021.pdf</summary>\n\u7ed3\u5408\u81ea\u52a8\u5316\u5de5\u7a0b\u4e8b\u4e1a\u90e8\uff08\u4ee5\u4e0b\u7b80\u79f0\u4e8b\u4e1a\u90e8\uff09\u7684\u5b9e\u9645\u60c5\u51b5 \u7f16\u5236\u800c\u6210\u3002 \u5728\u5b9e\u73b0\u4e03\u4e00\u4e00\u7814\u7a76\u6240\u8d28\u91cf\u65b9\u9488\u548c\u8d28\u91cf\u76ee\u6807\u7684\u524d\u63d0\u4e0b\uff0c \u5236\u5b9a\u4e86\u4e8b\u4e1a\u90e8\u7684\u8d28\u91cf\u65b9 \u9488\u548c\u8d28\u91cf\u76ee\u6807\uff0c \u89c4\u5b9a\u4e86\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u8303\u56f4\u548c\u8981\u6c42\uff0c \u4e3a\u4e8b\u4e1a\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7a0b\u5e8f\u6587\u4ef6\u7684 \u7f16\u5236\u4ee5\u53ca\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u8fc7\u7a0b\u53ca\u8fc7\u7a0b\u4e4b\u95f4\u7684\u76f8\u4e92\u5173\u7cfb\u63d0\u4f9b\u4f9d\u636e\uff0c \u672c\u8d28\u91cf\u624b\u518c\u89c4\u5b9a\u4e8b\u9879\u8986 \u76d6\u4e86\u4e8b\u4e1a\u90e8\u5185\u7684\u4e8b\u4e1a\u90e8\u7ba1\u7406\u5c42\u3001\u7efc\u5408\u529e\u516c\u5ba4\u3001\u6280\u672f\u7ecf\u6d4e\u90e8\u3001\u8d28\u91cf\u5b89\u5168\u73af\u4fdd\u90e8\u3001\u91c7\u8d2d\u90e8\u3001 \u8d22\u52a1\u90e8\u3001\u6280\u672f\u4e2d\u5fc3\u3001\u519b\u54c1\u53d1\u5c55\u90e8\u3001\u8239\u8236\u4e0e\u6d77\u6d0b\u5de5\u7a0b\u90e8\u3001\u667a\u80fd\u5236\u9020\u90e8\u3001\u673a\u7535\u5de5\u7a0b\u90e8\u3002 \u4e8b\u4e1a \u90e8\u9886\u5bfc\u3001\u8d28\u91cf\u5b89\u5168\u73af\u4fdd\u90e8\u3001\u6280\u672f\u7ecf\u6d4e\u90e8\u3001\u7efc\u5408\u529e\u516c\u5ba4\u3001\u91c7\u8d2d\u90e8\u6309\u6ee1\u8db3 GB/T 19001 2016\u3001 GJB9001 2017C \u53cc\u91cd\u8981\u6c42\u8fd0\u884c\uff0c\u519b\u54c1\u53d1\u5c55\u90e8\u4e0d\u6309\u672c\u624b\u518c\u8fd0\u884c\u3002 \u672c\u624b\u518c\u7f16\u5236\u7684\u4e3b\u8981\u76ee\u7684\u5728\u4e8e\u786e\u4fdd\u6709\u80fd\u529b\u7a33\u5b9a\u5730\u63d0\u4f9b\u6ee1\u8db3\u987e\u5ba2\u548c\u6cd5\u5f8b\u6cd5\u89c4\u8981\u6c42\u7684\u4ea7 \u54c1\u3002 \u901a\u8fc7\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u7684\u6709\u6548\u5e94\u7528\u548c\u6301\u7eed\u6539\u8fdb\uff0c\u589e\u5f3a\u987e\u5ba2\u6ee1\u610f\u7684\u7a0b\u5ea6\u3002\n</details><details> <summary>\u51fa\u5904 [3] Q711 ZD YZ201-2021.pdf</summary>\n4. 7 \u987e\u5ba2\u6ee1\u610f \u8d28\u91cf\u5b89\u5168\u73af\u4fdd\u90e8\u5e94\u7ec4\u7ec7\u5404\u627f\u5236\u90e8\u95e8\u5229\u7528\u8c03\u67e5\u8868\u3001\u7528\u6237\u5ea7\u8c08\u4f1a\u548c\u7528\u6237\u8d70\u8bbf\u7b49\u5f62\u5f0f\uff0c \u5145 \u5206\u6536\u96c6\u987e\u5ba2\u5bf9\u4e8b\u4e1a\u90e8\u63d0\u4f9b\u4ea7\u54c1\u548c\u670d\u52a1\u7684\u6ee1\u610f\u548c\uff08\u6216\uff09\u4e0d\u6ee1\u610f\u4fe1\u606f\uff0c \u8d28\u91cf\u5b89\u5168\u73af\u4fdd\u90e8\u8d1f\u8d23 \u6c47\u603b\u548c\u5206\u6790\uff0c \u5f97\u51fa\u987e\u5ba2\u6ee1\u610f\u7a0b\u5ea6\u7684\u7ed3\u8bba\uff0c \u4ee5\u4f5c\u4e3a\u5bf9\u4e8b\u4e1a\u90e8\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u4e1a\u7ee9\u7684\u4e00\u79cd\u6d4b\u91cf\u3002 9. 1. 4. 8 \u5206\u6790\u4e0e\u8bc4\u4ef7 \u7f16\u5236 Q/7ll ZD YZ273-2021\u300a\u76d1\u6d4b\u4e0e\u5206\u6790\u8bc4\u4ef7\u7ba1\u7406\u7a0b\u5e8f\u300b\uff0c\u5206\u6790\u3001\u8bc4\u4ef7\u6765\u81ea\u76d1\u89c6\u548c\u6d4b \u91cf,\u4ee5\u53ca\u5176\u4ed6\u76f8\u5173\u6765\u6e90\u7684\u9002\u5f53\u6570\u636e\u3002 \u5305\u62ec\u9002\u7528\u65b9\u6cd5\u7684\u786e\u5b9a\u3002\n</details><details> <summary>\u51fa\u5904 [4] Q711 ZD YZ204-2021.pdf</summary>\n \u672c\u6587\u4ef6\u9002\u7528\u4e8e\u81ea\u52a8\u5316\u90e8\u6c11\u54c1\u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb\u6240\u8981\u6c42\u7684\u6587\u4ef6\u7ba1\u7406\u3002 2 \u89c4\u8303\u6027\u5f15\u7528\u6587\u4ef6 \u4e0b\u5217\u6587\u4ef6\u5bf9\u4e8e\u672c\u6587\u4ef6\u7684\u5e94\u7528\u662f\u5fc5\u4e0d\u53ef\u5c11\u7684\u3002 \u51e1\u662f\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u4ec5\u6ce8\u65e5\u671f\u7684\u7248 \u672c\u9002\u7528\u4e8e\u672c\u6587\u4ef6\u3002 \u51e1\u662f\u4e0d\u6ce8\u65e5\u671f\u7684\u5f15\u7528\u6587\u4ef6\uff0c\u5176\u6700\u65b0\u7248\u672c\uff08\u5305\u62ec\u6240\u6709\u7684\u4fee\u6539\u5355\uff09\u9002\u7528\u4e8e \u672c\u6587\u4ef6\u3002 GB/T 19001-2016/ISO9001:2015 \u8d28\u91cf\u7ba1\u7406\u4f53\u7cfb \u8981\u6c42 \u6240\u7efc\u89c4[2016]212 \u9f50\u8000\u96c6\u56e2\u5236\u5ea6\u7ba1\u7406\u529e\u6cd5 \u6240\u7efc\u529e\u89c4[2013]188 \u4e03\u4e00\u4e00\u7814\u7a76\u6240\u516c\u6587\u5904\u7406\u7ba1\u7406\u529e\u6cd5 Q/711 ZD YZ212-2021 \n</details>"], ["\u4e0a\u6d77\u6709\u591a\u5c11\u4eba\uff1f", "\u6211\u65e0\u6cd5\u63d0\u4f9b\u4e0a\u6d77\u7684\u6700\u65b0\u4eba\u53e3\u6570\u91cf\uff0c\u56e0\u4e3a\u6211\u7684\u77e5\u8bc6\u5e93\u622a\u6b62\u4e8e 2023\u5e74\uff0c\u800c\u4e14\u4e0a\u6d77\u7684\u4eba\u53e3\u6570\u91cf\u53ef\u80fd\u4f1a\u968f\u65f6\u95f4\u53d1\u751f\u53d8\u5316\u3002\u4f60\u53ef\u4ee5\u67e5\u9605\u4e0a\u6d77\u5e02\u7edf\u8ba1\u5c40\u7b49\u5b98\u65b9\u6570\u636e\u6765\u6e90\u4ee5\u83b7\u53d6\u6700\u65b0\u7684\u4e0a\u6d77\u4eba\u53e3\u6570\u91cf\u3002"], ["\u6e05\u534e\u5927\u5b66\u6709\u591a\u5c11\u4e2a\u4e13\u4e1a\uff1f", "\u622a\u81f3 2021 \u5e74\uff0c\u6e05\u534e\u5927\u5b66\u8bbe\u6709 23 \u4e2a\u535a\u58eb\u540e\u79d1\u7814\u6d41\u52a8\u7ad9\uff0c 55 \u4e2a\u672c\u79d1\u4e13\u4e1a\uff0c 175 \u4e2a\u7855\u58eb\u6388\u6743\u4e00\u7ea7\u5b66\u79d1\uff0c 861 \u4e2a\u672c\u79d1\u4e13\u4e1a\u3002\n\n"]]
flagged/component 2/tmp51z825bg.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [[null, "<p>\u6b22\u8fce\u4f7f\u7528 \u5f20\u5e73\u7684\u4e13\u5c5e\u77e5\u8bc6\u5e93\uff01</p></p>\n<p>\u8bf7\u5728\u53f3\u4fa7\u5207\u6362\u6a21\u5f0f\uff0c\u76ee\u524d\u652f\u6301\u76f4\u63a5\u4e0e LLM \u6a21\u578b\u5bf9\u8bdd\u6216\u57fa\u4e8e\u672c\u5730\u77e5\u8bc6\u5e93\u95ee\u7b54\u3002\n\u77e5\u8bc6\u5e93\u95ee\u7b54\u6a21\u5f0f\uff0c\u9009\u62e9\u77e5\u8bc6\u5e93\u540d\u79f0\u540e\uff0c\u5373\u53ef\u5f00\u59cb\u95ee\u7b54\uff0c\u5982\u6709\u9700\u8981\u53ef\u4ee5\u4e0a\u4f20\u6587\u4ef6/\u6587\u4ef6\u5939\u81f3\u77e5\u8bc6\u5e93\u3002\n\u77e5\u8bc6\u5e93\u6682\u4e0d\u652f\u6301\u6587\u4ef6\u5220\u9664\u3002"], [null, "\u6a21\u578b\u5df2\u6210\u529f\u52a0\u8f7d\uff0c\u53ef\u4ee5\u5f00\u59cb\u5bf9\u8bdd\uff0c\u6216\u4ece\u53f3\u4fa7\u9009\u62e9\u6a21\u5f0f\u540e\u5f00\u59cb\u5bf9\u8bdd"], [null, "\u5df2\u52a0\u8f7d\u77e5\u8bc6\u5e93tumor-diag\uff0c\u8bf7\u5f00\u59cb\u63d0\u95ee"], ["\u4f60\u77e5\u9053\u5b89\u9f99\u516c\u53f8\u5417\uff1f", "\u6211\u65e0\u6cd5\u786e\u5b9a\u662f\u5426\u6307\u7684\u662f\u54ea\u4e2a\u5b89\u9f99\u516c\u53f8\uff0c\u56e0\u4e3a\u8be5\u540d\u79f0\u53ef\u80fd\u6d89\u53ca\u591a\u4e2a\u4e0d\u540c\u7684\u5b9e\u4f53\u6216\u516c\u53f8\u3002\u53ef\u4ee5\u63d0\u4f9b\u66f4\u591a\u80cc\u666f\u4fe1\u606f\u6216\u4e0a\u4e0b\u6587\u5417\uff0c\u8fd9\u6837\u6211\u624d\u80fd\u66f4\u597d\u5730\u56de\u7b54\u60a8\u7684\u95ee\u9898\u3002\n\n"]]