bannerbannerbanner
Глоссариум по искусственному интеллекту: 2500 терминов. Том 2

Александр Николаевич Власкин
Глоссариум по искусственному интеллекту: 2500 терминов. Том 2

«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.

«C»

CAFFE is short for Convolutional Architecture for Fast Feature Embedding which is an open-source deep learning framework de- veloped in Berkeley AI Research. It supports many different deep learning architectures and GPU-based acceleration computation kernels188,189.

Calibration layer is a post-prediction adjustment, typically to account for prediction bias. The adjusted predictions and probabilities should match the distribution of an observed set of labels190.

Candidate generation — the initial set of recommendations chosen by a recommendation system191.

Candidate sampling is a training-time optimization in which a probability is calculated for all the positive labels, using, for example, softmax, but only for a random sample of negative labels. For example, if we have an example labeled beagle and dog candidate sampling computes the predicted probabilities and corresponding loss terms for the beagle and dog class outputs in addition to a random subset of the remaining classes (cat, lollipop, fence). The idea is that the negative classes can learn from less frequent negative reinforcement as long as positive classes always get proper positive reinforcement, and this is indeed observed empirically. The motivation for candidate sampling is a computational efficiency win from not computing predictions for all negatives192.

Canonical Formats in information technology, canonicalization is the process of making something conform] with some specification… and is in an approved format. Canonicalization may sometimes mean generating canonical data from noncanonical data. Canonical formats are widely supported and considered to be optimal for long-term preservation193.

Capsule neural network (CapsNet) is a machine learning system that is a type of artificial neural network (ANN) that can be used to better model hierarchical relationships. The approach is an attempt to more closely mimic biological neural organization194,195.

Case-Based Reasoning (CBR) is a way to solve a new problem by using solutions to similar problems. It has been formalized to a process consisting of case retrieve, solution reuse, solution revise, and case retention196.

Categorical data — features having a discrete set of possible values. For example, consider a categorical feature named house style, which has a discrete set of three possible values: Tudor, ranch, colonial. By representing house style as categorical data, the model can learn the separate impacts of Tudor, ranch, and colonial on house price. Sometimes, values in the discrete set are mutually exclusive, and only one value can be applied to a given example. For example, a car maker categorical feature would probably permit only a single value (Toyota) per example. Other times, more than one value may be applicable. A single car could be painted more than one different color, so a car color categorical feature would likely permit a single example to have multiple values (for example, red and white). Categorical features are sometimes called discrete features. Contrast with numerical data197.

Center for Technological Competence is an organization that owns the results, tools for conducting fundamental research and platform solutions available to market participants to create applied solutions (products) on their basis. The Technology Competence Center can be a separate organization or be part of an application technology holding company198.

Central Processing Unit (CPU) is a von Neumann cyclic processor designed to execute complex computer programs199.

Centralized control is a process in which control signals are generated in a single control center and transmitted from it to numerous control objects200.

Centroid – the center of a cluster as determined by a k-means or k-median algorithm. For instance, if k is 3, then the k-means or k-median algorithm finds 3 centroids201.

Centroid-based clustering is a category of clustering algorithms that organizes data into nonhierarchical clusters. k-means is the most widely used centroid-based clustering algorithm. Contrast with hierarchical clustering algorithms202.

Character format is any file format in which information is encoded as characters using only a standard character-encoding scheme. A file written in «character format» contains only those bytes that are prescribed in the encoding scheme as corresponding to the characters in the scheme (e.g., alphabetic and numeric characters, punctuation marks, and spaces)203.

Сhatbot is a software application designed to simulate human conversation with users via text or speech. Also referred to as virtual agents, interactive agents, digital assistants, or conversational AI, chatbots are often integrated into applications, websites, or messaging platforms to provide support to users without the use of live human agents. Chatbots originally started out by offering users simple menus of choices, and then evolved to react to particular keywords. «But humans are very inventive in their use of language,» says Forrester’s McKeon-White. Someone looking for a password reset might say they’ve forgotten their access code, or are having problems getting into their account. «There are a lot of different ways to say the same thing,» he says. This is where AI comes in. Natural language processing is a subset of machine learning that enables a system to understand the meaning of written or even spoken language, even where there is a lot of variation in the phrasing. To succeed, a chatbot that relies on AI or machine learning needs first to be trained using a data set. In general, the bigger the training data set, and the narrower the domain, the more accurate and helpful a chatbot will be204.

Checkpoint — data that captures the state of the variables of a model at a particular time. Checkpoints enable exporting model weights, as well as performing training across multiple sessions. Checkpoints also enable training to continue past errors (for example, job preemption). Note that the graph itself is not included in a checkpoint205.

Chip is an electronic microcircuit of arbitrary complexity, made on a semiconductor substrate and placed in a non-separable case or without it, if included in the micro assembly206,207.

Class — one of a set of enumerated target values for a label. For example, in a binary classification model that detects spam, the two classes are spam and not spam. In a multi-class classification model that identifies dog breeds, the classes would be poodle, beagle, pug, and so on208.

Classification model is a type of machine learning model for distinguishing among two or more discrete classes. For example, a natural language processing classification model could determine whether an input sentence was in French, Spanish, or Italian209.

Classification threshold is a scalar-value criterion that is applied to a model’s predicted score in order to separate the positive class from the negative class. Used when mapping logistic regression results to binary classification210.

Classification. Classification problems use an algorithm to accurately assign test data into specific categories, such as separating apples from oranges. Or, in the real world, supervised learning algorithms can be used to classify spam in a separate folder from your inbox. Linear classifiers, support vector machines, decision trees and random forest are all common types of classification algorithms211.

Сloud robotics is a field of robotics that attempts to invoke cloud technologies such as cloud computing, cloud storage, and other Internet technologies centred on the benefits of converged infrastructure and shared services for robotics. When connected to the cloud, robots can benefit from the powerful computation, storage, and communication resources of modern data center in the cloud, which can process and share information from various robots or agent (other machines, smart objects, humans, etc.). Humans can also delegate tasks to robots remotely through networks. Cloud computing technologies enable robot systems to be endowed with powerful capability whilst reducing costs through cloud technologies. Thus, it is possible to build lightweight, low cost, smarter robots have intelligent «brain» in the cloud. The «brain» consists of data center, knowledge base, task planners, deep learning, information processing, environment models, communication support, etc.212.

Clinical Decision Support (CDS) is a health information technology system that is designed to provide physicians and other health professionals with clinical decision support, that is, assistance with clinical decision- making tasks213.

Clipping is a technique for handling outliers. Specifically, reducing feature values that are greater than a set maximum value down to that maximum value. Also, increasing feature values that are less than a specific minimum value up to that minimum value. For example, suppose that only a few feature values fall outside the range 40—60. In this case, you could do the following: Clip all values over 60 to be exactly 60. Clip all values under 40 to be exactly 40. In addition to bringing input values within a designated range, clipping can also used to force gradient values within a designated range during training214.

Closed dictionary in speech recognition systems, a dictionary with a limited number of words, to which the recognition system is configured and which cannot be replenished by the user215.

Cloud computing is an information technology model for providing ubiquitous and convenient access using the Internet to a common set of configurable computing resources («cloud»), data storage devices, applications and services that can be quickly provided and released from the load with minimal operating costs or with little or no involvement of the provider216.

Cloud is a general metaphor that is used to refer to the Internet. Initially, the Internet was seen as a distributed network and then with the invention of the World Wide Web as a tangle of interlinked media. As the Internet continued to grow in both size and the range of activities it encompassed, it came to be known as «the cloud.» The use of the word cloud may be an attempt to capture both the size and nebulous nature of the Internet217.

Cloud TPU is a specialized hardware accelerator designed to speed up machine learning workloads on Google Cloud Platform218.

Cluster analysis is a type of unsupervised learning used for exploratory data analysis to find hidden patterns or groupings in the data; clusters are modeled with a similarity measure defined by metrics such as Euclidean or probability distance.

Clustering is a data mining technique for grouping unlabeled data based on their similarities or differences. For example, K-means clustering algorithms assign similar data points into groups, where the K value represents the size of the grouping and granularity. This technique is helpful for market segmentation, image compression, etc219.

127Backpropagation through time [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Backpropagation_through_time (дата обращения: 11.05.2023)
128Backpropagation [Электронный ресурс] https://www.guru99.com URL: https://www.guru99.com/backpropogation-neural-network.html (дата обращения: 11.05.2023)
129Backward Chaining [Электронный ресурс] www.educba.com URL: https://www.educba.com/backward-chaining (дата обращения 11.03.2022)
130Bag-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)
131Bag-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)
133Baseline [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#baseline (дата обращения: 28.03.2023)
134Batch [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/batch (дата обращения: 20.06.2023)
135Batch Normalization [Электронный ресурс] https://books.google.ru URL: https://books.google.ru/books?id=Batch Normalization (дата обращения: 20.06.2023)
136Batch size [Электронный ресурс] https://www.gabormelli.com URL: https://www.gabormelli.com/RKB/Batch_Size (дата обращения: 29.06.2023)
137Batch 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)
140Bayesian Filter [Электронный ресурс] https://certsrv.ru URL: http://certsrv.ru/eset_ss.ru/pages/bayes_filter.htm (дата обращения: 12.02.2022)
141Bayesian Network [Электронный ресурс] https://dic.academic.ru URL: https://dic.academic.ru/dic.nsf/ruwiki/1738444 (дата обращения: 31.01.2022)
142Bayesian optimization [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#bayesian-optimization (дата обращения: 28.03.2023)
143Bayesian 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)
145Bees algorithm [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bees_algorithm#cite_note-Pham_&_al,_2005-1 (дата обращения: 27.03.2023)
146Behavior informatics (BI) [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Behavior_informatics (дата обращения: 01.05.2023)
147Behavior tree (BT) [Электронный ресурс] https://habr.com URL: https://habr.com/ru/company/cloud_mts/blog/306214/ (дата обращения: 31.01.2022)
148Belief-desire-intention software model (BDI) [Электронный ресурс] https://fccland.ru URL: https://fccland.ru/stati/22848-model-ubezhdeniy-zhelaniy-i-namereniy.html (дата обращения: 31.01.2022)
149Bellman equation [Электронный ресурс] https://mruanova.medium.com URL: https://mruanova.medium.com/bellman-equation-90f2f0deaa88 (дата обращения 28.02.2022)
150Benchmark [Электронный ресурс] 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)
152BETA [Электронный ресурс] www.sofokus.com URL: https://www.sofokus.com/glossary-of-digital-business/#ABCD (дата обращения: 07.07.2022)
153Bias [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Bias_(statistics) (дата обращения: 26.06.2023)
154Biased 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)
156Bidirectional [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#bidirectional (дата обращения: 09.04.2023)
157Bidirectional 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)
158BERT [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/BERT_(language_model) (дата обращения: 28.06.2023)
159Bidirectional 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)
161Big O notation [Электронный ресурс] https://upread.ru URL: https://upread.ru/art.php?id=659 (дата обращения: 04.02.2022)
162Bigram [Электронный ресурс] 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)
164Binary classification [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/binary-classification (дата обращения: 09.04.2023)
165Binary format [Электронный ресурс] www.umich.edu URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#B (дата обращения: 07.07.2022)
166Binary number [Электронный ресурс] www.umich.edu URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#B (дата обращения: 07.07.2022)
167Binary tree [Электронный ресурс] https://habr.com URL: https://habr.com/ru/post/267855/ (дата обращения: 31.01.2022)
168Bioconservatism [Электронный ресурс] 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)
170Biometrics [Электронный ресурс] 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)
172Black 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)
174Blackboard system [Электронный ресурс] https://studme.org URL: https://studme.org/282503/informatika/sistemy_ispolzuyuschie_printsip_klassnoy_doski (дата обращения: 19.02.2022)
175BLEU (Bilingual Evaluation Understudy) [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary/language (дата обращения: 27.03.2023)
176Blockchain [Электронный ресурс] 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)
177Boltzmann machine [Электронный ресурс] https://dic.academic.ru URL: https://dic.academic.ru/dic.nsf/ruwiki/1828062 (дата обращения: 04.02.2022)
178Boolean 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)
179Boosting [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Boosting_(machine_learning) (дата обращения: 28.03.2023)
180Brain technology [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Brain_technology (дата обращения: 10.05.2023)
181Brain—computer interface [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Brain%E2%80%93computer_interface (дата обращения: 07.07.2022)
182Branching 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)
184Broadband [Электронный ресурс] www.investopedia.com URL: https://www.investopedia.com/terms/b/broadband.asp (дата обращения: 07.07.2022)
185Brute-force search [Электронный ресурс] https://spravochnick.ru URL: https://spravochnick.ru/informatika/algoritmizaciya/algoritm_polnogo_perebora/ (дата обращения: 07.02.2022)
186Bucketing [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/bucketing (дата обращения: 29.06.2023)
187Byte [Электронный ресурс] www.umich.edu (дата обращения: 07.07.2022) URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#B
188CAFFE [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Caffe_(software) (дата обращения: 02.07.2023)
189Среда CAFFE (сверточная архитектура для быстрого внедрения функций) [Электронный ресурс] https://ru.wikipedia.org URL: https://ru.wikipedia.org/wiki/Caffe (дата обращения: 02.07.2023)
190Calibration layer [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#iteration (дата обращения: 02.05.2023)
191Candidate generation [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/recommendation/overview/candidate-generation (дата обращения: 10.01.2022)
192Candidate sampling [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#candidate-sampling (дата обращения: 28.03.2023)
193Canonical Formats [Электронный ресурс] www.umich.edu URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#C (дата обращения: 07.07.2022)
194Capsule neural network [Электронный ресурс] https://ru.what-this.com URL: https://ru.what-this.com/7202531/1/kapsulnaya-neyronnaya-set.html (дата обращения: 07.02.2022)
195Capsule neural network [Электронный ресурс] https://neurohive.io URL: https://neurohive.io/ru/osnovy-data-science/kapsulnaja-nejronnaja-set-capsnet/ (дата обращения: 08.02.2022)
196Case-Based Reasoning [Электронный ресурс] www.telusinternational.com URL: https://www.telusinternational.com/articles/50-beginner-ai-terms-you-should-know (дата обращения 15.01.2022)
197Categorical data [Электронный ресурс] https://machinelearningmastery.ru URL: https://www.machinelearningmastery.ru/understanding-feature-engineering-part-2-categorical-data-f54324193e63/ (дата обращения: 03.03.2022)
198Центр технологических компетенций [Электронный ресурс] http://chesalov.com URL: http://chesalov.com/chesalov-index/ (дата обращения: 10.07.2023)
199Central Processing Unit (CPU) [Электронный ресурс] https://en.wikipedia.org URL: https://en.wikipedia.org/wiki/Central_processing_unit (дата обращения: 10.07.2023)
200Централизованное управление [Электронный ресурс] https://marketing.wikireading.ru URL: https://marketing.wikireading.ru/40372 (дата обращения: 10.07.2023)
201Centroid [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#centroid (дата обращения: 10.07.2023)
202Centroid-based clustering [Электронный ресурс] https://developers.google.com URL: https://developers.google.com/machine-learning/glossary#centroid-based-clustering (дата обращения: 03.05.2023)
203Character format [Электронный ресурс] www.umich.edu (дата обращения: 07.07.2022) URL: https://www.icpsr.umich.edu/web/ICPSR/cms/2042#C
204Сhatbot [Электронный ресурс] www.cio.com URL: https://www.cio.com/article/189347/what-is-a-chatbot-simulating-human-conversation-for-service.html (дата обращения: 07.07.2022)
205Checkpoint [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/checkpoint (дата обращения: 04.05.2023)
206Chip [Электронный ресурс] https://www.litres.ru URL: https://www.litres.ru/book/alexander-chesalov/the-fourth-industrial-revolution-glossarium-over-1500-o-69111079/chitat-onlayn/page-4/ (дата обращения: 10.07.2023)
207Интегра́льная схе́ма (Чип) [Электронный ресурс] https://ru.wikipedia.org URL: https://ru.wikipedia.org/wiki/Интегральная_схема (дата обращения: 10.07.2023)
208Class [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/class (дата обращения: 02.05.2023)
209Classification model [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/classification-model (дата обращения: 10.05.2023)
210Порог классификации [Электронный ресурс] https://www.ibm.com URL: https://www.ibm.com/docs/ru/spss-statistics/saas?topic=regression-logistic-options (дата обращения: 26.06.2023)
211Classification [Электронный ресурс] https://www.ibm.com URL: https://www.ibm.com/cloud/blog/supervised-vs-unsupervised-learning (дата обращения: 03.05.2023)
212Сloud robotics [Электронный ресурс] https://digitrode.ru URL: http://digitrode.ru/articles/2683-chto-takoe-oblachnaya-robototehnika.html (дата обращения: 09.02.2022)
213Clinical Decision Support (CDS) [Электронный ресурс] www.quora.com URL: https://www.quora.com/What-are-clinical-decision-support-systems-What-benefits-do-they-provide (дата обращения 28.02.2022)
214Clipping [Электронный ресурс] https://www.primeclasses.in URL: https://www.primeclasses.in/glossary/data-science-course/machine-learning/clipping (дата обращения: 20.06.2023)
215Закрытый словарь [Электронный ресурс] www.machinelearningmastery.ru URL: https://www.machinelearningmastery.ru/machine-learning-algorithms-in-laymans-terms-part-1-d0368d769a7b/ (дата обращения: 07.07.2022)
216Облачные вычисления [Электронный ресурс] https://cdto.wiki URL: https://cdto.wiki/Облачные_вычисления (дата обращения: 02.05.2023)
217Cloud [Электронный ресурс] https://dropbox.com URL: https://www.dropbox.com/ru/business/resources/what-is-the-cloud (дата обращения: 09.02.2022)
218Cloud TPU [Электронный ресурс] https://github.com URL: https://github.com/tensorflow/tpu (дата обращения: 25.02.2022)
219Clustering [Электронный ресурс] https://medium.com URL: https://medium.com/@venkatesh.t.16072001/difference-between-supervised-and-unsupervised-learning-algorithm-8bda6352489f (дата обращения: 03.05.2023)
1  2  3  4  5  6  7  8  9  10  11  12  13  14  15  16 
Рейтинг@Mail.ru