Читать книгу Глоссариум по искусственному интеллекту: 2500 терминов. Том 2 - Александр Николаевич Чашин, Инна Евгеньевна Скворцова, Александр Николаевич Афонин - Страница 4
Artificial Intelligence glossary
«B»
ОглавлениеBackpropagation through time (BPTT) is a gradient-based technique for training certain types of recurrent neural networks. It can be used to train Elman networks. The algorithm was independently derived by numerous researchers127.
Backpropagation, also called «backward propagation of errors,» is an approach that is commonly used in the training process of the deep neural network to reduce errors128.
Backward Chaining, also called goal-driven inference technique, is an inference approach that reasons backward from the goal to the conditions used to get the goal. Backward chaining inference is applied in many different fields, including game theory, automated theorem proving, and artificial intelligence129.
Bag-of-words model in computer vision. In computer vision, the bag-of-words model (BoW model) can be applied to image classification, by treating image features as words. In document classification, a bag of words is a sparse vector of occurrence counts of words; that is, a sparse histogram over the vocabulary. In computer vision, a bag of visual words is a vector of occurrence counts of a vocabulary of local image features130.
Bag-of-words model is a simplifying representation used in natural language processing and information retrieval (IR). In this model, a text (such as a sentence or a document) is represented as the bag (multiset) of its words, disregarding grammar and even word order but keeping multiplicity. The bag-of-words model has also been used for computer vision. The bag-of-words model is commonly used in methods of document classification where the (frequency of) occurrence of each word is used as a feature for training a classifier131.
Baldwin effect – the skills acquired by organisms during their life as a result of learning, after a certain number of generations, are recorded in the genome132.
Baseline is a model used as a reference point for comparing how well another model (typically, a more complex one) is performing. For example, a logistic regression model might serve as a good baseline for a deep model. For a particular problem, the baseline helps model developers quantify the minimal expected performance that a new model must achieve for the new model to be useful133.
Batch – the set of examples used in one gradient update of model training134.
Batch Normalization is a preprocessing step where the data are centered around zero, and often the standard deviation is set to unity135.
Batch size – the number of examples in a batch. For example, the batch size of SGD is 1, while the batch size of a mini-batch is usually between 10 and 1000. Batch size is usually fixed during training and inference; however, TensorFlow does permit dynamic batch sizes136,137.
Bayes’s Theorem is a famous theorem used by statisticians to describe the probability of an event based on prior knowledge of conditions that might be related to an occurrence138.
Bayesian classifier in machine learning is a family of simple probabilistic classifiers based on the use of the Bayes theorem and the «naive» assumption of the independence of the features of the objects being classified139.
Bayesian Filter is a program using Bayesian logic. It is used to evaluate the header and content of email messages and determine whether or not it constitutes spam – unsolicited email or the electronic equivalent of hard copy bulk mail or junk mail. A Bayesian filter works with probabilities of specific words appearing in the header or content of an email. Certain words indicate a high probability that the email is spam, such as Viagra and refinance140.
Bayesian Network, also called Bayes Network, belief network, or probabilistic directed acyclic graphical model, is a probabilistic graphical model (a statistical model) that represents a set of variables and their conditional dependencies via a directed acyclic graph141.
Bayesian optimization is a probabilistic regression model technique for optimizing computationally expensive objective functions by instead optimizing a surrogate that quantifies the uncertainty via a Bayesian learning technique. Since Bayesian optimization is itself very expensive, it is usually used to optimize expensive-to-evaluate tasks that have a small number of parameters, such as selecting hyperparameters142.
Bayesian programming is a formalism and a methodology for having a technique to specify probabilistic models and solve problems when less than the necessary information is available143,144.
Bees’ algorithm is a population-based search algorithm which was developed by Pham, Ghanbarzadeh and et al. in 2005. It mimics the food foraging behaviour of honey bee colonies. In its basic version the algorithm performs a kind of neighbourhood search combined with global search, and can be used for both combinatorial optimization and continuous optimization. The only condition for the application of the bee’s algorithm is that some measure of distance between the solutions is defined. The effectiveness and specific abilities of the bee’s algorithm have been proven in a number of studies145.
Behavior informatics (BI) — the informatics of behaviors so as to obtain behavior intelligence and behavior insights146.
Behavior tree (BT) is a mathematical model of plan execution used in computer science, robotics, control systems and video games. They describe switchings between a finite set of tasks in a modular fashion. Their strength comes from their ability to create very complex tasks composed of simple tasks, without worrying how the simple tasks are implemented. BTs present some similarities to hierarchical state machines with the key difference that the main building block of a behavior is a task rather than a state. Its ease of human understanding makes BTs less error-prone and very popular in the game developer community. BTs have shown to generalize several other control architectures147.
Belief-desire-intention software model (BDI) is a software model developed for programming intelligent agents. Superficially characterized by the implementation of an agent’s beliefs, desires and intentions, it actually uses these concepts to solve a particular problem in agent programming. In essence, it provides a mechanism for separating the activity of selecting a plan (from a plan library or an external planner application) from the execution of currently active plans. Consequently, BDI agents are able to balance the time spent on deliberating about plans (choosing what to do) and executing those plans (doing it). A third activity, creating the plans in the first place (planning), is not within the scope of the model, and is left to the system designer and programmer148.
Bellman equation – named after Richard E. Bellman, is a necessary condition for optimality associated with the mathematical optimization method known as dynamic programming. It writes the «value» of a decision problem at a certain point in time in terms of the payoff from some initial choices and the «value» of the remaining decision problem that results from those initial choices. This breaks a dynamic optimization problem into a sequence of simpler subproblems, as Bellman’s «principle of optimality» prescribes149.
Benchmark (also benchmark program, benchmarking program, benchmark test) – test program or package for evaluating (measuring and/or comparing) various aspects of the performance of a processor, individual devices, computer, system or a specific application, software; a benchmark that allows products from different manufacturers to be compared against each other or against some standard. For example, online benchmark – online benchmark; standard benchmark – standard benchmark; benchmark time comparison – comparison of benchmark execution times150.
Benchmarking is a set of techniques that allow you to study the experience of competitors and implement best practices in your company151.
BETA refers to a phase in online service development in which the service is coming together functionality-wise but genuine user experiences are required before the service can be finished in a user-centered way. In online service development, the aim of the beta phase is to recognize both programming issues and usability-enhancing procedures. The beta phase is particularly often used in connection with online services and it can be either freely available (open beta) or restricted to a specific target group (closed beta)152.
Bias is a systematic trend that causes differences between results and facts. Error exists in the numbers of the data analysis process, including the source of the data, the estimate chosen, and how the data is analyzed. Error can seriously affect the results, for example, when studying people’s shopping habits. If the sample size is not large enough, the results may not reflect the buying habits of all people. That is, there may be discrepancies between survey results and actual results153.
Biased algorithm – systematic and repetitive errors in a computer system that lead to unfair results, such as one privilege persecuting groups of users over others. Also, sexist and racist algorithms154,155.
Bidirectional (BiDi) is a term used to describe a system that evaluates the text that both precedes and follows a target section of text. In contrast, a unidirectional system only evaluates the text that precedes a target section of text156.
Bidirectional Encoder Representations from Transformers (BERT) is a model architecture for text representation. A trained BERT model can act as part of a larger model for text classification or other ML tasks. BERT has the following characteristics: Uses the Transformer architecture, and therefore relies on self-attention. Uses the encoder part of the Transformer. The encoder’s job is to produce good text representations, rather than to perform a specific task like classification. Is bidirectional. Uses masking for unsupervised training157,158.
Bidirectional language model is a language model that determines the probability that a given token is present at a given location in an excerpt of text based on the preceding and following text159.
Big data is a term for sets of digital data whose large size, rate of increase or complexity requires significant computing power for processing and special software tools for analysis and presentation in the form of human-perceptible results160.
Big O notation is a mathematical notation that describes the limiting behavior of a function when the argument tends towards a particular value or infinity. It is a member of a family of notations invented by Paul Bachmann, Edmund Landau, and others, collectively called Bachmann—Landau notation or asymptotic notation161.
Bigram – an N-grams in which N=2162.
Binary choice regression model is a regression model in which the dependent variable is dichotomous or binary. Dependent variable can take only two values and mean, for example, belonging to a particular group163.
Binary classification is a type of classification task that outputs one of two mutually exclusive classes. For example, a machine learning model that evaluates email messages and outputs either «spam» or «not spam» is a binary classifier164.
Binary format is any file format in which information is encoded in some format other than a standard character-encoding scheme. A file written in binary format contains information that is not displayable as characters. Software capable of understanding the particular binary format method of encoding information must be used to interpret the information in a binary-formatted file. Binary formats are often used to store more information in less space than possible in a character format file. They can also be searched and analyzed more quickly by appropriate software. A file written in binary format could store the number «7» as a binary number (instead of as a character) in as little as 3 bits (i.e., 111), but would more typically use 4 bits (i.e., 0111). Binary formats are not normally portable, however. Software program files are written in binary format. Examples of numeric data files distributed in binary format include the IBM-binary versions of the Center for Research in Security Prices files and the U.S. Department of Commerce’s National Trade Data Bank on CD-ROM. The International Monetary Fund distributes International Financial Statistics in a mixed-character format and binary (packed-decimal) format. SAS and SPSS store their system files in binary format165.
Binary number is a number written using binary notation which only uses zeros and ones. Example: Decimal number 7 in binary notation is: 111166.
Binary tree is a tree data structure in which each node has at most two children, which are referred to as the left child and the right child. A recursive definition using just set theory notions is that a (non-empty) binary tree is a tuple (L, S, R), where L and R are binary trees or the empty set and S is a singleton set. Some authors allow the binary tree to be the empty set as well167.
Binning is the process of combining charge from neighboring pixels in a CCD during readout. This process is performed prior to digitization in the CCD chip using dedicated serial and parallel register control. The two main benefits of binning are improved signal-to-noise ratio (SNR) and the ability to increase frame rates, albeit at the cost of reduced spatial resolution.
Bioconservatism (a portmanteau of biology and conservatism) is a stance of hesitancy and skepticism regarding radical technological advances, especially those that seek to modify or enhance the human condition. Bioconservatism is characterized by a belief that technological trends in today’s society risk compromising human dignity, and by opposition to movements and technologies including transhumanism, human genetic modification, «strong» artificial intelligence, and the technological singularity. Many bioconservatives also oppose the use of technologies such as life extension and preimplantation genetic screening168,169.
Biometrics is a people recognition system, one or more physical or behavioral traits170,171.
Black box is a description of some deep learning system. They take an input and provide an output, but the calculations that occur in between are not easy for humans to interpret172,173.
Blackboard system is an artificial intelligence approach based on the blackboard architectural model, where a common knowledge base, the «blackboard», is iteratively updated by a diverse group of specialist knowledge sources, starting with a problem specification and ending with a solution. Each knowledge source updates the blackboard with a partial solution when its internal constraints match the blackboard state. In this way, the specialists work together to solve the problem174.
BLEU (Bilingual Evaluation Understudy) is a text quality evaluation algorithm between 0.0 and 1.0, inclusive, indicating the quality of a translation between two human languages (for example, between English and Russian). A BLEU score of 1.0 indicates a perfect translation; a BLEU score of 0.0 indicates a terrible translation175.
Blockchain is algorithms and protocols for decentralized storage and processing of transactions structured as a sequence of linked blocks without the possibility of their subsequent change176.
Boltzmann machine (also stochastic Hopfield network with hidden units) is a type of stochastic recurrent neural network and Markov random field. Boltzmann machines can be seen as the stochastic, generative counterpart of Hopfield networks177.
Boolean neural network is an artificial neural network approach which only consists of Boolean neurons (and, or, not). Such an approach reduces the use of memory space and computation time. It can be implemented to the programmable circuits such as FPGA (Field-Programmable Gate Array or Integrated circuit).
Boolean satisfiability problem (also propositional satisfiability problem; abbreviated SATISFIABILITY or SAT) is the problem of determining if there exists an interpretation that satisfies a given Boolean formula. In other words, it asks whether the variables of a given Boolean formula can be consistently replaced by the values TRUE or FALSE in such a way that the formula evaluates to TRUE. If this is the case, the formula is called satisfiable. On the other hand, if no such assignment exists, the function expressed by the formula is FALSE for all possible variable assignments and the formula is unsatisfiable178.
Boosting is a Machine Learning ensemble meta-algorithm for primarily reducing bias and variance in supervised learning, and a family of Machine Learning algorithms that convert weak learners to strong ones179.
Bounding Box commonly used in image or video tagging; this is an imaginary box drawn on visual information. The contents of the box are labeled to help a model recognize it as a distinct type of object.
Brain technology (also self-learning know-how system) is a technology that employs the latest findings in neuroscience. The term was first introduced by the Artificial Intelligence Laboratory in Zurich, Switzerland, in the context of the ROBOY project. Brain Technology can be employed in robots, know-how management systems and any other application with self-learning capabilities. In particular, Brain Technology applications allow the visualization of the underlying learning architecture often coined as «know-how maps»180.
Brain—computer interface (BCI), sometimes called a brain—machine interface (BMI), is a direct communication pathway between the brain’s electrical activity and an external device, most commonly a computer or robotic limb. Research on brain—computer interface began in the 1970s by Jacques Vidal at the University of California, Los Angeles (UCLA) under a grant from the National Science Foundation, followed by a contract from DARPA. The Vidal’s 1973 paper marks the first appearance of the expression brain—computer interface in scientific literature181.
Brain-inspired computing – calculations on brain-like structures, brain-like calculations using the principles of the brain (see also neurocomputing, neuromorphic engineering).
Branching factor in computing, tree data structures, and game theory, the number of children at each node, the outdegree. If this value is not uniform, an average branching factor can be calculated182,183.
Broadband refers to various high-capacity transmission technologies that transmit data, voice, and video across long distances and at high speeds. Common mediums of transmission include coaxial cables, fiber optic cables, and radio waves184.
Brute-force search (also exhaustive search or generate and test) is a very general problem-solving technique and algorithmic paradigm that consists of systematically enumerating all possible candidates for the solution and checking whether each candidate satisfies the problem’s statement185.
Bucketing – converting a (usually continuous) feature into multiple binary features called buckets or bins, typically based on value range186.
Byte – eight bits. A byte is simply a chunk of 8 ones and zeros. For example: 01000001 is a byte. A computer often works with groups of bits rather than individual bits and the smallest group of bits that a computer usually works with is a byte. A byte is equal to one column in a file written in character format187.
127
Backpropagation through time [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Backpropagation_through_time (дата обращения: 11.05.2023)
128
Backpropagation [Электронный ресурс] https://www.guru99.com URL: https://www.guru99.com/backpropogation-neural-network.html (дата обращения: 11.05.2023)
129
Backward Chaining [Электронный ресурс] www.educba.com URL: https://www.educba.com/backward-chaining (дата обращения 11.03.2022)
130
Bag-of-words model in computer vision [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bag-of-words_model_in_computer_vision (дата обращения: 10.05.2023)
131
Bag-of-words model [Электронный ресурс] https://machinelearningmastery.ru URL: https://www.machinelearningmastery.ru/gentle-introduction-bag-words-model/ (дата обращения: 11.03.2022)
132
Эффект Балдвина [Электронный ресурс] https://apr.moscow URL: https://apr.moscow/content/data/6/11 Технологии искусственного интеллекта. pdf (дата обращения: 11.07.2023)
133
Baseline [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#baseline (дата обращения: 28.03.2023)
134
Batch [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/batch (дата обращения: 20.06.2023)
135
Batch Normalization [Электронный ресурс] https://books.google.ru URL: https://books.google.ru/books?id=Batch Normalization (дата обращения: 20.06.2023)
136
Batch size [Электронный ресурс] https://www.gabormelli.com URL: https://www.gabormelli.com/RKB/Batch_Size (дата обращения: 29.06.2023)
137
Batch size [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#batch-size (дата обращения: 29.06.2023)
138
Теорема Байеса [Электронный ресурс] https://habr.com URL: https://habr.com/ru/articles/598979/ (дата обращения: 03.07.2023)
139
Байесовский классификатор в машинном обучении [Электронный ресурс] https://wiki.loginom.ru URL: https://wiki.loginom.ru/articles/bayesian_classifier.html (дата обращения: 07.07.2022)
140
Bayesian Filter [Электронный ресурс] https://certsrv.ru URL: http://certsrv.ru/eset_ss.ru/pages/bayes_filter.htm (дата обращения: 12.02.2022)
141
Bayesian Network [Электронный ресурс] https://dic.academic.ru URL: https://dic.academic.ru/dic.nsf/ruwiki/1738444 (дата обращения: 31.01.2022)
142
Bayesian optimization [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#bayesian-optimization (дата обращения: 28.03.2023)
143
Bayesian programming [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bayesian_programming (дата обращения: 28.03.2023)
144
Байесовское программирование [Электронный ресурс] https://ru.wikipedia.org URL: https://ru.wikipedia.org/wiki/Байесовское_программирование (дата обращения: 28.03.2023)
145
Bees algorithm [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bees_algorithm#cite_note-Pham_&_al,_2005-1 (дата обращения: 27.03.2023)
146
Behavior informatics (BI) [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Behavior_informatics (дата обращения: 01.05.2023)
147
Behavior tree (BT) [Электронный ресурс] https://habr.com URL: https://habr.com/ru/company/cloud_mts/blog/306214/ (дата обращения: 31.01.2022)
148
Belief-desire-intention software model (BDI) [Электронный ресурс] https://fccland.ru URL: https://fccland.ru/stati/22848-model-ubezhdeniy-zhelaniy-i-namereniy.html (дата обращения: 31.01.2022)
149
Bellman equation [Электронный ресурс] https://mruanova.medium.com URL: https://mruanova.medium.com/bellman-equation-90f2f0deaa88 (дата обращения 28.02.2022)
150
Benchmark [Электронный ресурс] https://medium.com URL: https://medium.com/@tauheedul/it-hardware-benchmarks-for-machine-learning-and-artificial-intelligence-6183ceed39b8 (дата обращения 11.03.2022)
151
Бенчмаркинг [Электронный ресурс] https://trends.rbc.ru URL: https://trends.rbc.ru/trends/education/61540f1e9a7947ed382de149 (дата обращения: 28.03.2023)
152
BETA [Электронный ресурс] www.sofokus.com URL: https://www.sofokus.com/glossary-of-digital-business/#ABCD (дата обращения: 07.07.2022)
153
Bias [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bias_(statistics) (дата обращения: 26.06.2023)
154
Biased algorithm [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Algorithmic_bias (дата обращения: 27.03.2023)
155
Алгоритмическая предвзятость [Электронный ресурс] https://ru.wikibrief.org URL: https://ru.wikibrief.org/wiki/Algorithmic_bias (дата обращения: 27.03.2023)
156
Bidirectional [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#bidirectional (дата обращения: 09.04.2023)
157
Bidirectional Encoder Representations from Transformers (BERT) [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#bert-bidirectional-encoder-representations-from-transformers (дата обращения: 28.06.2023)
158
BERT [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/BERT_(language_model) (дата обращения: 28.06.2023)
159
Bidirectional language model [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#bidirectional-language-model (дата обращения: 09.04.2023)
160
Большие данные [Электронный ресурс] https://ulgov.ru URL: https://ulgov.ru/page/index/permlink/id/14949/ (дата обращения: 28.03.2023)
161
Big O notation [Электронный ресурс] https://upread.ru URL: https://upread.ru/art.php?id=659 (дата обращения: 04.02.2022)
162
Bigram [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bigram (дата обращения: 28.03.2023)
163
Регрессионная модель бинарного выбора [Электронный ресурс] https://www.statmethods.ru URL: https://www.statmethods.ru/statistics-metody/logisticheskaya-regressiya/ (дата обращения: 29.06.2023)
164
Binary classification [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/binary-classification (дата обращения: 09.04.2023)
165
Binary format [Электронный ресурс] www.umich.edu URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#B (дата обращения: 07.07.2022)
166
Binary number [Электронный ресурс] www.umich.edu URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#B (дата обращения: 07.07.2022)
167
Binary tree [Электронный ресурс] https://habr.com URL: https://habr.com/ru/post/267855/ (дата обращения: 31.01.2022)
168
Bioconservatism [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bioconservatism (дата обращения: 07.07.2022)
169
.Bioconservatism [Электронный ресурс] www.wise-geek.com URL: https://www.wise-geek.com/what-is-bioconservatism.htm (дата обращения: 07.07.2022)
170
Biometrics [Электронный ресурс] https://recfaces.com URL: https://recfaces.com/articles/types-of-biometrics (дата обращения: 28.03.2023)
171
Биометрия [Электронный ресурс] https://ru.wikipedia.org URL: https://ru.wikipedia.org/wiki/Биометрия (дата обращения: 28.03.2023)
172
Black Box [Электронный ресурс] https://www.linkedin.com URL: https://www.linkedin.com/pulse/25-artificial-intelligence-terms-you-need-know-today-jair-ribeiro (дата обращения: 10.07.2023)
173
Чёрный ящик [Электронный ресурс] https://ru.wikipedia.org URL: https://ru.wikipedia.org/wiki/Чёрный_ящик (дата обращения: 10.07.2023)
174
Blackboard system [Электронный ресурс] https://studme.org URL: https://studme.org/282503/informatika/sistemy_ispolzuyuschie_printsip_klassnoy_doski (дата обращения: 19.02.2022)
175
BLEU (Bilingual Evaluation Understudy) [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary/language (дата обращения: 27.03.2023)
176
Blockchain [Электронный ресурс] https://books.google.ru URL: https://books.google.ru/books?id= -w2DEAAAQBAJ&pg=PT301&lpg= PT301&dq=algorithms+and +protocols+for+decentralized+storage+and+processing+of +transactions +structured+as+a+sequence+of+linked+blocks+without+the+ possibility +of+their+subsequent+change&source =bl&ots=ruX5Ow4F-g&sig= ACfU3U0fmUw6tcXOQoRbPdWNAfwf5AFYWQ&hl =ru&sa=X&ved=2ahUKEwjmpsrjx_ 79AhWDmIsKHQqDBvMQ6AF6BAgrEAM#v= onepage&q=algorithms%20and %20protocols%20for %20decentralized%20storage%20and%20processing %20of%20transactions %20structured%20as%20a%20sequence %20of%20linked%20blocks %20without%20the %20possibility%20of%20their% 20subsequent %20change&f=false (дата обращения: 28.03.2023)
177
Boltzmann machine [Электронный ресурс] https://dic.academic.ru URL: https://dic.academic.ru/dic.nsf/ruwiki/1828062 (дата обращения: 04.02.2022)
178
Boolean satisfiability problem A. de Carvalho M.C. Fairhurst D.L. Bisset, An integrated Boolean neural network for pattern classification. Pattern Recognition Letters Volume 15, Issue 8, August 1994, Pages 807—813 (дата обращения: 10.02.2022)
179
Boosting [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Boosting_(machine_learning) (дата обращения: 28.03.2023)
180
Brain technology [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Brain_technology (дата обращения: 10.05.2023)
181
Brain—computer interface [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Brain%E2%80%93computer_interface (дата обращения: 07.07.2022)
182
Branching factor [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Branching_factor (дата обращения: 28.03.2023)
183
Коэффициент ветвления дерева [Электронный ресурс] https://ru.wikipedia.org URL: https://ru.wikipedia.org/wiki/Коэффициент_ветвления_(информатика) (дата обращения: 28.03.2023)
184
Broadband [Электронный ресурс] www.investopedia.com URL: https://www.investopedia.com/terms/b/broadband.asp (дата обращения: 07.07.2022)
185
Brute-force search [Электронный ресурс] https://spravochnick.ru URL: https://spravochnick.ru/informatika/algoritmizaciya/algoritm_polnogo_perebora/ (дата обращения: 07.02.2022)
186
Bucketing [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/bucketing (дата обращения: 29.06.2023)
187
Byte [Электронный ресурс] www.umich.edu (дата обращения: 07.07.2022) URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#B