ML

You might also like

Download as pdf
Download as pdf
You are on page 1of 18
612/22, 1234 PM ‘WikIPEDIA Machine learning Machine learning - Wikipedia. Machine learning (ML) isa field of inquiry devoted to understanding and building methods that learn’, that is, methods that leverage data to improve performance on some set of tasks! It is seen as a part of artifical intelligence. Machine learning algorithms build a ‘model based on sample data, known as training data, in order to make predietions or decisions without being expliitly programmed to 0 s0.2] Machine learning algorithms are used in a wide variety of applications, such as in medicine, email filtering, speech recognition, and computer vision, where it is difficult or unfeasible to develop conventional algorithms to perform the needed tasks, 2 ‘A subset of machine learning is closely related to computational statisties, which focuses on making predictions using computers; but not all machine learning, is statistical learning. The study of mathematical optimization delivers methods, theory and application Gomains to the field of machine learning. Data mining is a related field of study, focusing on exploratory data analysis through insupervised learning!sl( Some implementations of machine learning use data and neural networks in a way that mimies the working of a biological brain.1748 In its application across business problems, machine learning is also referred to as predictive analytics. Contents Overview History and relationships to other fields ‘Artificial inteligence Data mining Optimzation Generalization Statistics Theory Approaches ‘Supervised learning Unsupervised learning ‘Semi-supervised learning Reinforcement learning Dimensionality reduction Other types Models ‘Training models Applications, Limi Blas Overfiting (Other limitations and vulnerabittios Model assessments Ethies Hardware Neuromorphic/Physical Neural Networks Embedded Machine Learning Software Free and open-source sofware Proprietary software with free and open-source editions Proprietary software Journals Conforences See also References Sources Further reading External links hitpstien wikipedia. orgwikiMachine_learing Computational statis ‘oF statistical computing ond between statistics and computer science. Tt means statistical methods that are enabled by using ‘computational methods. It is the area of computational science specific t ae 612722, 1234 PM Machine learning - Wikipedia. Overview Learning algorithms work on the basis that strategies, algorithms, and inferences that worked well in the past are likely to continue working well in the future, These inferences can be abvious, such as "since the sun rose every morning for the last 10,000 days, it will probably rise tomorrow morning as well”. They can be nuanced, such as "X% of families have geographically separate species with color variants, so there is a Y9 chance that undiscovered black swans exist"/2] Machine learning programs can perform tasks without being explicitly programmed to do so. It involves computers learning from data provided so that they earry out certain tasks. For simple tasks assigned to computers, itis possible to program algorithms telling the machine how to execute all steps required to solve the problem at hand; on the computer's part, no learning is needed. For more advanced tasks, it can be challenging for a human to manually create the needed algorithms. Tn practice, it can turn out to be more effective to help the machine develop its own algorithm, rather than having human programmers specify every needed step. ‘The discipline of machine learning employs various approaches to teach computers to accomplish tasks where no folly satisfactory algorithm is available. In eases where vast numbers of potential answers exist, one approach is to label some of the correct answers as valid. This can then be used as training data for the computer to improve the algorithm(s) it uses to determine correct answers, For example, to train a system for the task of digital character recognition, the MNIST dataset of handwritten digits has often been used./!91 History and relationships to other fields ‘The term machine learning was coined in 1959 by Arthur Samuel, an IBM employee and pioneer in the field of computer gaming and artifical intelligence./(1 Also the synonym sel/-teaching computers was used in this time period. (Il A representative book of the ‘machine learning research during the 1960s was the Nilsson’s book on Learning Machines, dealing mostly with machine learning for pattern classification.'5] Interest related to pattern recognition continued into the 1970s, as described by Duda and Hart in 1973.°) In 2981 a report was given on using teaching strategies so that a neural network learns to recognize 40 characters (26 letters, 10 digits, and 4 special symbols) from a computer terminal.'7) ‘Tom M. Mitchell provided a widely quoted, more formal definition of the algorithms studied in the machine learning field: "A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P if its performance at tasks in T, as measured by P, improves with experience E."®] This definition of the tasks in which machine learning is concerned offers a fundamentally operational definition rather than defining the field in cognitive terms. This follows Alan Turing’s proposal in his paper ‘omputing Machinery and Intelligence”, in which the question "Can machines think?” is replaced with the question "Can machines do what we (as thinking entities) ean do?".091 Modern day machine learning has two objectives, one is to classify data based on models which have heen developed, the other purpose is to make predictions for future outcomes based on these models. A hypothetical algorithm specific to classifying data may use computer vision of moles coupled with supervised learning in order to train it to classify the cancerous moles. A machine learning algorithm for stock trading may inform the trader of future potential predictions. {#91 Artificial intelligence Asa scientific endeavor, machine learning grew out ofthe quest for artificial intelligence. In the early Gays of AI as an academic discipline, some researchers were interested in having machines learn from data. They attempted to approach the problem with various symbolic methods, as well as what ‘was then termed "neural networks"; these were mostly perceptrons and other models that were later found to be reinventions of the generalized linear models of statistics.{28! Probabilistic reasoning was also employed, especially in automated medical diagnosis,(241488 However, an increasing emphasis on the logical, knowledge-based approach caused a rift between A and machine learning. Probabilistic systems were plagued by theoretical and practical problems of )scr leaning o9subalof data acquisition and representation. (2488 By 1980, expert systems had come to dominate AI, and 2 statistics was out of favor.#5! Work on symbolie/knowledge-based learning did continue within Al, leading to inductive logie programming, but the more statistical line of research was now outside the field of Al proper, in pattern recognition and information retrieval, [24178-70.755 Neural networks research had been abandoned by Al and computer science around the same time. This line, too, was continued outside the AI/CS field, as “connectionism’, by researchers from other disciplines including Hopfield, Rumelhart and Hinton, Their main Suecess came in the mid-1980s with the reinvention of backpropagation [245 Machine learning (ML), reorganized as a separate field, started to flourish in the 19908. The field “> changed its goal from achieving artificial intelligence to tackling solvable problems of a practical part machin earings subfield nature, It shifted focus away from the symbolic approaches it had inherited from AI, and toward gral or par ot Alas subeléo methods and models borrowed from statistics, fuzzy logic, and probability theory.5) rracrine esningl@ hitpsten.wikipeia.orgwikiMachine_learing 2018 612/22, 1234 PM Machine learning - Wikipedia. “The difference between ML and AI is frequently misunderstood. ML. learns and predicts based on passive observations, whereas AL implies an agent interacting with the envizonment to learn and take actions that maximize its chance of successfully achieving its goals (21 As of 2020, many sources continue to assert that ML remains a subfield of AI.(27(28I25] Others have the view that not all ML. is part of AI, bat only an ‘intelligent subset’ of ML should be considered AL411911301 Data mit 1g Machine learning and data mining often employ the same methods and overlap significantly, but while machine learning focuses on prediction, based on known properties learned from the training data, data mining focuses on the discovery of (previously) unknown properties in the data (this isthe analysis step of knowledge discovery in databases). Data mining uses many machine learning methods, ‘but with different goals; on the other hand, machine learning also employs data mining methods as "unsupervised learning” or as preprocessing step to improve learner accuracy. Much of the confusion between these two research communities (which do often have separate conferences and separate journals, ECMI PKDD being a major exception) comes from the basic assumptions they work with: in machine learning, performance is usually evaluated with respect to the ability to reproduce known knowledge, while in knowledge discovery and data mining (KD) the key task is the discovery of previously unknown knowledge. Evaluated with respect to known knowledge, an uninformed (unsupervised) method will easily be outperformed by other supervised methods, while in a typical KDD ‘ask, supervised methods cannot be used duc to the unavailability of training data. Optimization Machine learning also has intimate ties to optimization: many learning problems are formulated as minimization of some loss function on a training set of examples. Loss functions express the discrepancy between the predictions of the model being trained and the actual problem instances (for example, in classification, one wants to assign a label to instances, and models are trained to correctly predict the pre-assigned labels of a set of examples) 357 Generalization ‘The difference between optimization and machine learning arises from the goal of generalization: while optimization algorithms can minimize the loss on a training set, machine learning is concerned with minimizing the loss on unseen samples. Characterizing the generalization of various learning algorithms is an active topic of current research, especially for deep learning algorithms, Statistics Machine learning and statistics are closely related fields in terms of methods, but distinet in their principal goal: statistics draws population inferences from a sample, while machine learning finds generalizable predictive patterns.'5#! According to Michael 1. Jordan, ‘the ideas of machine learning, from methodological principles to theoretical tools, have had a long pre-history in statistics. [381 He also suggested the term data seience as a placeholder to call the overall field Leo Breiman distinguished two statistical modeling paradigms: data model and algorithmic model,*7I wherein “algorithmic model" ‘means more or less the machine learning algorithms like Random forest. Some statisticians have adopted methods from machine learning, lending to a combined field that they call statistical learning (#8! Theory A core objective ofa learner is to generalize from its experience 129] Generalization in this context is the ability ofa learning machine to perform accurately on new, unseen examples/tasks after having experienced a learning data set. The training examples come from. some generally unknown probability distribution (considered representative of the space of occurrences) and the learner has to build general model about this space that enables it to produce sufficiently accurate predietions in new cases. ‘The computational analysis of machine learning algorithms and their performance is a branch of theoretical computer science known as, computational learning theory via the Probably Approximately Correct Learning (PAC) model, Because training sets are finite and the future is uncertain, learning theory usually does not yield guarantees of the performance of algorithms. Instead, probabilistic bounds on the performance are quite common. The biasvariance decomposition is one way to quantify generalization error. For the best performance in the context of generalization, the complexity of the hypothesis should match the complexity ofthe function underlying the data. Ifthe hypothesis is less complex than the function, then the model has under fited the data. Ifthe complexity of the ‘model is increased in response, then the training error decreases. But if the hypothesis is too complex, then the model is subject to overfitting and generalization will be poorer (3°) hitpstien wikipedia. orgwikiMachine_learing a8 612/22, 1234 PM Machine learning - Wikipedia. In addition to performance bounds, learning theorists study the time complexity and feasibility of learning. In computational learning. theory, a computation is considered feasible if it can be done in polynomial time. There are two kinds of time complexity results: Positive results show that a certain class of functions can be learned in polynomial time. Negative results show that certain classes cannot be learned in polynomial time. Approaches Machine learning approaches are traditi available to the learning system: nally divided into three broad categories, depending on the nature of the signal” or “feedbacl = Supervised learning: The computer is presented with example inputs and their desired outputs, given by a "teacher", and the goal is to leam a general rule that maps inputs to outputs. ' Unsupervised learning: No labels are given to the leaming algorithm, leaving it on is own to find structure in its input, Unsupervised learning can be a goal n itself (discovering hidden pattems in data) or a means towards an end (Feature learning). ‘= Reinforcement leaming: A computer program interacts with a dynamic environment in which it must perform a certain goal (such driving a vehicle or playing a game against an opponent). As it navigates its problem space, the program is provided feedback that's ‘analogous to rewards, which i tries to maximize.) Supervised learning Supervised learning algorithms build a mathematical model of a set of data that contains both the inputs and the desired outputs. The data is known as training data, and consists of a set of training examples, Each training example has one or more inputs and the desired output, also known as a supervisory signal. Inthe mathematical model, each training example is represented by an array or vector, sometimes called a feature vector, and the training data is represented by 2 matrix. Through iterative optimization of an objective funtion, supervised learning algorithms learn a function that ean be used to predict the output associated with new inputs.8! An optimal function ‘will allow the algorithm to correctly determine the output for inputs that were not a part of the training data. An algorithm that improves the accuracy of its outputs or predictions over time is said tw have learned to perform that task. 8) 4 x ‘Types of supervised-learning algorithms include active learning, classification and regression [261 Classification algorithms are used when the outputs are restricted to a limited set of values, and A regression algorithms are used when the outputs may have any numerical value within a range. Asan supervised earn mode that example, fora classification algorithm that filters emails, the input would be an incoming email, and ois ne dts no regions ‘the output would be the name ofthe folder in which to file the email eparated by a near boundary. Here the near Boundary éviges Similarity learning is an area of supervised machine learning closely related to regression and re slack ots ftom bo wha classification, but the goal is to learn from examples using a similarity function that measures how similar or related two objects are. It has applications in ranking, recommendation systems, visual identity tracking, face verification, and speaker verification Unsupervised learning Unsupervised learning algorithms lake a set of data that contains only inputs, and find structure in the data, like grouping or clustering of data points. The algorithms, therefore, learn from test data that has not been labeled, classified or categorized. Instead of responding to feedback, unsupervised learning algorithms identify commonalities in the data and react based on the presence or absence of such ‘commonalities in each new piece of data. A central application of unsupervised learning is in the field of density estimation in statisties, such as finding the probability density function!) Though unsupervised learning eneompasses other domains involving summarizing and explaining data features. Cluster analysis isthe assignment of a set of observations into subsets (called clusters) so that observations within the same cluster are similar according to one or mote predesignated criteria, while observations drawn from different clusters are dissimilar. Different clustering techniques make different assumptions on the structure of the data, often defined by some similarity metric and evaluated, for example, by internal compactness, or the similarity between members of the same cluster, and separation, the difference between clusters, Other methods are based on estimated density and graph connectivity ‘Semi-supervised learning Semi-supervised learning falls between unsupervised learning (without any labeled training data) and supervised learning (with completely labeled training data). Some ofthe training examples are missing training labels, yet many machine-learning researchers have found that unlabeled data, when used in conjunction with a small amount of labeled data, ean produce a considerable improvement in Tearning accuracy. hitpstien wikipedia. orgwikiMachine_learing ane 612/22, 1234 PM Machine learning - Wikipedia. In weakly supervised learning, the training labels are noisy, limited, or imprecise; however, these labels are often cheaper to obtain, resulting in larger effective training sets.(371 Reinforcement learning Reinforcement learning is an area of machine learning concerned with how software agents ought to take actions in an environment so fas to maximize some notion of cumulative reward. Due to its generality, the fied is studied in many other disciplines, such as game theory, control theory, operations research, information theory, simulation-based optimization, multi-agent systems, swarm intelligence, statistics and genetic algorithms. In machine learning, the environment is typically represented as a Markov decision process (MDP). Many reinforeement learning algorithms use dynamic programming techniques. Reinforcement learning algorithms o not assume knowledge of an exact mathematical model of the MDP, and are used when exact models are infeasible, Reinforcement learning algorithms are used in autonomous vehicles or in learning to play a game against a human opponent. Dimensionality reduction Dimensionality reduction is a process of reducing the number of random variables under consideration by obtaining a set of principal variables/99l In other words, its a process of reducing the dimension of the feature set, also called "number of features", Most of the dimensionality reduetion techniques can be considered as either feature elimination or extraction. One of the popular methods of dimensionality reduction is principal component analysis (PCA). PCA involves changing higher- {burger} found in the sales data of a supermarket would indicate that if a customer buys onions and potatoes together, they are likely to also buy hamburger meat. Such information ean be used as the basis for decisions about marketing activities such as promotional pricing or produet placements. In addition to market basket analysis, association rules are employed today hitpstien wikipedia. orgwikiMachine_learing e8 612/22, 1234 PM Machine learning - Wikipedia. in application areas including Web usage mining, intrusion detection, continuous production, and bioinformaties. In contrast with sequence mining, association rule learning typically does not consider the order of items either within a transaction or across ‘transactions Learning classifier systems (LCS) are a family of rule-based machine learning algorithms that combine a discovery component, typically a genetic algorithm, with a learning component, performing either supervised learning, reinforcement learning, or unsupervised learning, They seek to identify a set of context-dependent rules that collectively store and apply knowledge in a piecewise manner in order to make predictions.{63! Inductive logic programming (ILP) is an approach to rule-learning using logic programming as a uniform representation for input examples, background knowledge, and hypotheses. Given an encoding of the known background knowledge and a set of examples represented asa logical database of facts, an TLP system will derive a hypothesized logie program that entail all positive and no negative examples, Inductive programming is related field that considers any kind of programming language for representing hypotheses (and not only logic programming), such as functional programs. Inductive logic programming is particularly useful in bioinformatics and natural language processing. Gordon Plotkin and Ehud Shapiro laid the initial theoretical foundation for inductive machine learning in a logical setting!*#I(5I°% Shapiro built their first implementation (Model Inference System) in 1981: a Prolog program that inductively inferred logic programs from positive and negative examples.(°7I The term inductive here refers to philosophical induction, suggesting a theory to explain observed facts, rather than ‘mathematical induction, proving a property for all members ofa well-ordered set. Models Performing machine learning involves ereating a model, which is trained on some training data and then can process additional data to ‘make predictions. Various types of models have been used and researched for machine learning systems. Artificial neural networks Artificial neural networks (ANNs), or connectionist systems, are computing systems vaguely inspired by the biological neural networks that constitute animal brains. Such systems "leam" to perform tasks by considering examples, generally without being programmed with any task-specifc rules. ‘An ANN is a model based on a collection of connected units or nodes called “artificial neurons", which loosely model the neurons in a biological brain. Each eonneetion, like the synapses in a biological brain, can transmit information, a "signal", from one artificial neuron to another. An artificial neuron that receives a signal can process it and then signal additional artificial neurons connected to it. In common ANN implementations, the signal at a connection between artificial neurons is a real number, and the output of each artificial neuron is computed by some non-linear function of the sum ofits inputs. ‘The connections between artificial neurons are called "edges". Artificial neurons and edges typically have a weight that adjusts as learning proceeds. The weight increases or Gecreases the strength of the signal at a connection. Artificial neurons may have a threshold such that the signal is only sent if the aggregate signal crosses that threshold. ‘Typically, artificial neurons are aggregated into layers. Different layers may perform different kinds of transformations on their inputs. Signals travel from the first layer (the input layer) to the last layer (Uhe output layer), possibly after traversing the layers multiple times. ‘An atl neural network i an interconnected uP of nods, akin to he vast natwork of ‘The original goal of the ANN approach was to solve problems in the same way that a Pourons na bran. Were, eae cular rode human brain would. However, over time, attention moved to performing specific tasks, _‘oprosors en arial naron ané an artow leading to deviations from biology. Artificial neural networks have been used on a variety _@9"es00\s a comecion rom te oulul of one of tasks, including computer vision, speech recognition, machine translation, social ="cel neuron tte input ot anamer network filtering, playing board and video games and medical diagnosis. Deep learning consists of multiple hidden layers in an artificial neural network. This approach tries to model the way the human brain processes light and sound into vision and hearing, Some suecesfl application of ceep lerning are computer vision and speech recognition 68 Dei ion trees, Decision tree learning uses a decision tree as a predictive model to go from observations about an item (represented in the branches) to conclusions about the item's target value (represented in the leaves). IL is one of the predictive modeling approaches used in statisties, Gata mining, and machine learning. Tree models where the target variable can take a discrete set of values are called classification trees; in these tree structures, leaves represent class labels and branches represent conjunctions of features that lead to those class labels, hitpstien wikipedia. orgwikiMachine_learing me 612/22, 1234 PM Machine learning - Wikipedia. Decision trees where the target variable ean take continuous values (typically real numbers) are called regression trees. In decision analysis, a decision tree ean be used to visually and explicitly represent decisions and decision making, In data mining, a decision tree eseribes data, but the resulting classification tree can be an input for decision making, Supportvector machines Support-veetor machines (SVMs), also known as support-vector networks, are a set of related supervised learning methods used for classification and regression. Given a set of training examples, each marked as belonging to one of two categories, an SVM training algorithm builds a model that predicts whether a new example falls into one eategory or the other.{°2] An SVM training algorithm is & non-probabilistic, binary, linear classifier, although methods such as Platt scaling exist to use SVM in a probabilistic classification setting. In addition to performing linear classification, SVMs can efficiently perform a non-linear classification using what is called the kernel trick, implicitly mapping their inputs into high-dimensional feature spaces. Regression analysis Regression analysis encompasses a large variety of statistical methods to estimate the relationship between input variables and their associated features. Its most common form is linear regression, where a single line is drawn to best fit the given data according to & mathematical criterion such as ordinary least squares. The latter is often extended by regularization (mathematies) methods to mitigate overfitting and bias, as in ridge regression. When dealing with non-linear problems, go-to models include polynomial regression (for example, used for trendline fitting in Microsoft Excell), logistic regression (often used in statistical classification) or even kernel regression, which introduces non-linearity by taking advantage of the kernel trick to implicitly map input variables to higher-dimensional space. Bayesian networks A Bayesian network, belief network, or directed aeyclic graphical model is a probabilistic graphical ‘model that represents a set of random variables and their conditional independence with a directed acyelie graph (DAG). For example, a Bayesian network could represent the probabilistic relationships between diseases and symptoms. Given symptoms, the network can be used to compute the probabilities of the presence of various diseases. Efficient algorithms exist that perform inference and learning. Bayesian networks that model sequences of variables, like speech signals or protein sequences, are called dynamic Bayesian networks. Generalizations of Bayesian networks that ean Asmple Sayesan network. Fain represent and solve decision problems under uncertainty are called influence diagrams. Irtueneas whether te sprker te D pr aa activated, and both rain ar the inl iuence whether the Genetic algorithms sass is wet A genetic algorithm (GA) is a search algorithm and heuristic technique that mimies the process of natural selection, using methods such as mutation and erossover to generate new genotypes in the hope of finding good solutions to a given problem. in machine learning, genetic algorithms were used in the 1980s and 19908747") Conversely, machine learning ‘techniques have been used to improve the performance of genetic and evolutionary algorithms.) Tr ing models ‘Typically, machine learning models require a high quantity of reliable data in order for the models to perform accurate predietions. When training a machine learning model, machine learning engineers need to target and collect a large and representative sample of data. Data from the training set can be as varied as a corpus of text, a collection of images, sensor data, and data collected from individual users ofa service. Overfitting is something to watch out for when training a machine learning model. Trained models derived from biased or non-evaluated data can result in skewed or undesired predictions. Bias models may result in detrimental outcomes ‘thereby furthering the negative impacts to society or objectives. Algorithmic bias is a potential result from data not fully prepared for training, Machine learning ethies is becoming a field of study and notably be integrated within machine learning engineering teams. Federated learning Federated learning is an adapted form of distributed artificial intelligence to training machine learning models that decentralizes the training process, allowing for users’ privacy to be maintained by not needing to send their data to a centralized server. This also increases efficiency by decentralizing the training process to many devices. For example, Gboard uses federated machine learning to train search «query prediction models on users’ mobile phones without having to send individual searches back to Google |?) Applications hitpsten.wikipeia.orgwikiMachine_learing ane 612/22, 1234 PM Machine learning - Wikipedia. ‘There are many applications for machine learning, including: = Agriculture + Knowledge graph embedding = Anatomy + Linguistics = Adaptive website + Machine learning control * Affective computing + Machine perception = Astronomy + Machine translation * Automated decision-making + Marketing = Banking + Medical diagnosis * Bioinformatics + Natural language processing + Brain-machine interfaces + Natural language understanding = Cheminformatics + Online advertising = Citizen science + Optimization = Climate science + Recommender systems = Computer networks + Robot locomotion = Computer vision + Search engines = Credi-card fraud detection + Sentiment analys's = Data quality + Sequence mining 1 DNA sequence classification ' Software engineering = Economics + Speech recognition = Financial market analysis(751 + Structural health monitoring = General game playing + Syntactic pattern recognition = Handwriting recognition + Telecommunication * Information retrieval + Theorem proving = Insurance + Time-series forecasting * Internet fraud detection + User behavior analytics * Behaviorism In 2006, the media-services provider Netflix held the first "Netflix Prize" competition to find a program to better predict user preferences and improve the accuracy ofits existing Cinematch movie recommendation algorithm by at least 10%. A joint team made up of researchers from ATE Labs-Research in collaboration with the teams Big Chaos and Pragmatic Theory built an ensemble model to win the Grand Prize in 2009 for $1 million.“ Shortly after the prize was awarded, Netflix realized that viewers’ ratings were not the best indicators of their viewing. patterns (everything is a recommendation") and they changed their recommendation engine accordingly. In 2010 The Wall Street Journal wrote about the firm Rebellion Research and their use of machine learning to predict the financial crisis!"8) in 2012, co-founder of Sun Microsystems, Vinod Khosla, predicted that 80% of medical doctors’ jobs would be lost in the next two decades to automated machine learning medical diagnostic software.™! In 2014, it was reported that a machine learning algorithm had been applied in the field of art history to study fine art paintings and that it may have revealed previously ‘unrecognized influences among artists '*°l In 2019 Springer Nature published the first research book ereated using machine learning 41 In 2020, machine learning technology was used to help make diagnoses and aid researchers in developing a cure for COVID-19 [#2] Machine learning is recently applied to predit the green behavior of human-being/&2) Recently, machine learning technology i also applied to optimise smartphone's performance and thermal behaviour based on the user's interaction with the phone. t#I#sI# Limitations Although machine learning has been transformative in some fields, machinelearning programs often fail to deliver expected results.S7188(89) Reasons for this are numerous: lack of (suitable) data, lack of aceess to the data, data bias, privacy problems, badly chosen tasks and algorithms, wrong tools and people, lack of resources, and evaluation problems.) In 2018, a self-driving car from Uber failed to detect a pedestrian, who was killed after a collision. [24] Attempts to use machine learning, in healthcare with the IBM Watson system failed to deliver even after years of time and billions of dollars invested.{921193) Machine learning has been used as a strategy to update th to the growth of biomedical literature. While it has improved with training sets, it has not yet developed sufficiently to reduce the workload burden without limiting the necessary sensitivity for the findings research themselves. [241 ‘evidence related to systematic review and inereased reviewer burden related Machine learning approaches in particular can suffer from different data biases. A machine learning system trained specifically on current customers may not be able to prodict the needs of new customer groups that are not represented in the training data. When ‘trained on man-made data, machine learning is likely to pick up the constitutional and unconscious biases already present in society..991 Language models learned from data have been shown to contain human-like biases.(91/71 Machine learning systems used for eriminal risk assessment have been found to be biased against black people.(%119) In 2015, Google photos would often tag black people as hitpstien wikipedia. orgwikiMachine_learing one 612/22, 1234 PM Machine learning - Wikipedia. gorillas and in 2018 this still was not well resolved, but Google reportedly was still using the workaround to remove all gorillas from the training data, and thus was not able to recognize real gorillas at all°H1 Similar issues with recognizing non-white people have been found in many other systems.!*©#] In 2016, Microsoft tested a chatbot that learned from Twitter, and it quickly picked up racist and sexist language.(°8) Because of such challenges, the effective use of machine learning may take longer to be adopted in other omains.°41 Concern for fairness in machine learning, that is, reducing bias in machine learning and propelling its use for human good is increasingly expressed by artificial intelligence scientists, including Fei-Fei Li, who reminds engineers that "There's nothing artificial about AL...t's inspired by people, i's created by people, and—most importantly—it impacts people, It is a powerful tool we are only just ‘beginning to understand, and that is a profound responsibility.”128 Overfitting Settling on a bad, overly complex theory gerrymandered to fit all the past training data is known as overftting. Many systems attempt to reduce overfitting by rewarding a theory in accordance with ‘how well it fits the data, but penalizing the theory in accordance with how complex the theory is.!2! Other limitations and vulnerabilities Learners can also disappoint by "learning the wrong lesson”. toy example is that an image classifier ‘trained only on pictures of brown horses and black cats might conclude that all brown patches are THe cals be an examole likely to be horses.24) 4 real-world example is that, unlike humans, current image classifiers often °®¥ttng® near unston eto don't primarily make judgments from the spatial relationship between components of the picture, ‘"%2""28® and they learn relationships between pixels that humans are oblivious to, but that still correlate with images of certain types of real objects. Modifying these patterns on a legitimate image ean result in “adversarial” images that the system misclassities227108) Adversarial vulnerabilities can also result in nonlinear systems, or from non-pattern perturbations. Some systems are so brittle that changing a single adversarial pixel predictably induces misclassification. Machine learning models are often vulnerable to manipulation and/or evasion via adversarial machine learning (291 Researchers have demonstrated how backdoors can be placed undetectably into classtying (e.g for eategories "spam" and well-visible “not spam” of posts) machine learning models which are often developed and/or trained by third parties. Parties can change the classification of any input, including in cases for which a type of data/software transparency is provided, possibly including white-box feces 11] 3) Model assessments Classification of machine learning models ean be validated by accuracy estimation techniques like the holdout method, which splits the Gata in a training and test set (conventionally 2/3 training set and 1/3 test set designation) and evaluates the performance ofthe training ‘model on the test set. In comparison, the K-fold-eross-validation method randomly partitions the data into K subsets and then K experiments are performed each respectively considering 1 subset for evaluation and the remaining K-t subsets for training the model In addition to the holdout and cross-validation methods, bootstrap, which samples n instances with replacement from the dataset, ean be used to assess model accuracy. lS] In addition to overall accuracy, investigators frequently report sensitivity and specificity meaning True Positive Rate (TPR) and True Negative Rate (INR) respectively. Similarly, investigators sometimes report the fase postive rate (FPR) as well as the false negative rate (ENR). However, these rates are ratios that fail to reveal their numerators and denominators. The total operating characteristic (TOC) is an effective method to express a model's diagnostic ability. TOC shows the numerators and denominators of the previously mentioned rates, thus TOC provides more information than the commonly used receiver operating characteristic (ROC) and ROC’s associated area under the eurve (AUC) U4 Ethics Machine learning poses a host of etieal questions. Systems which are trained on datasets collected with biases may exhibit these biases ‘pon use (algorithmic bins), thus digitizing cultural prejudices."S] For example, in 1988, the UK's Commission for Racial Equality found that St. George's Medical School had been using a computer program trained from data of previous admissions staff and this program thad denied nearly 60 candidates who were found to be either women or had non-European sounding names. Using job hiting data fom a firm with racist hiring policies may lead to a machine learning system duplicating the bias by scoring job applicants by similarity to previous successful applicants. "161271 Responsible collection of data and documentation of algorithmie rules used by a system thus is a critical part of machine learning, AT ean be well-equipped to make decisions in technical fields, which rely heavily on data and historical information, These decisions rely fon objectivity and logical reasoning.8] Because human languages contain biases, machines trained on language corpora will necessarily also learn these biases '8911201, hitpsten.wikipeia.orgwikiMachine_learing 10118 612/22, 1234 PM Machine learning - Wikipedia. Other forms of ethical challenges, not related to personal biases, are seen in health care. There are concerns among health care professionals that these systems might not be designed in the public's interest but as income-generating machines.) This is especially ‘rue in the United States where there is a long-standing ethical dilemma of improving health care, but also inereasing profits. For example, the algorithms could be designed to provide patients with unnecessary tests or medication in which the algorithm's proprietary owners hold stakes. There is potential for machine learning in health care to provide professionals an additional tool to diagnose, ‘mediate, and plan recavery paths for patients, but this requires these biases to be mitigated, {1221 Hardware Since the 2010s, advances in both machine learning algorithms and computer hardware have led to more efficient methods for training deep neural networks (a particular narrow subdomain of machine learning) that contain many layers of non-linear hidden units.!"28! By 2019, graphie processing units (GPUs), often with AL-specfie enhancements, had displaced CPUs as the dominant method of training large-scale commercial cloud AI.24! OpenAl estimated the hardware compute used in the largest deep learning projects from AlexNet (Got2) to AlphaZero (2017), and found a 300,000-fld increase in the amount of compute required, with a doubling-time trendline of 3.4 months, 25126 Neuromorphic/Physical Neural Networks A physical neural network or Neuromorphic computer is type of artificial neural network in which an electrically adjustable material i used to emulate the function of a neural synapse. "Physieal” neural network is used to emphasize the reliance on physical hardware used to emulate neurons as opposed to software-based approaches. More generally the term is applicable to other artificial neural networks in which a memristor or other electrically adjustable resistance material is used to emulate a neural synapse, (271228 Embedded Machine Learning Embedded Machine Learning is a sub-feld of machine learning, where the machine learning model is run on embedded systems with limited computing resources such as wearable computers, edge devices and mierocontrollers.(212°10] Running machine learning model in embedded devices removes the need for transferring and storing data on cloud servers for further processing, henceforth, reducing data breaches and privacy leaks happening because of transferring data, and also minimizes theft of intellectual properties, personal data and business secrets. Embedded Machine Learning could be applied through several techniques including hardware acceleration, (1239) using approximate computing, (4) optimization of machine learning models and many more, (51038) Software Software suites containing a variety of machine learning algorithms include the following: Free and open-source software = Caffe = Mallet = scikitlearn = Microsoft Cognitive Toolkit = MLNET = Shogun = Deeplearningsj = mipack = Spark MLiib = DeepSpeed = MXNet = SystemML = ELK! = Neural Lab = TensorFlow = Infor. NET = OpenNN Torch / PyTorch = Keras = Orange = Weka / MOA = Lighten * pandas (software) = XGBoost = Mahout = ROOT (TMVA with ROOT) = Yooreeka Proprietary software with free and open-source editions = KNIME = RapidMiner Proprietary software = Amazon Machine Learning = IBM SPSS Modeler = NeuroSolutions 1» Angoss KnowledgeSTUDIO = KXEN Modeler = Oracle Data Mining = Azure Machine Learning = LiONsoWver = Oracle Al Platform Cloud Service = Ayasdi = Mathematica = PolyAnalyst = IBM Watson Studio = MATLAB. = RCASE = Google Prediction API = Neural Designer = SAS Enterprise Miner hitpstien wikipedia. orgwikiMachine_learing nine 612/22, 1234 PM Machine learning - Wikipedia. = Sequencel = Splunk = STATISTICA Data Miner Journals ‘= Journal of Machine Learning Research = Machine Learning 1 Nature Machine Inteligence = Neural Computation Conferences ' AAAI Conference on Artificial Intelligence = Association for Computational Linguistics (ACL) European Conference on Machine Learning and Principles and Practice of Knowledge Discovery in Databases (ECML PKDD) ' International Conference on Computational nteligence Methods for Bioinformatics and Biostatistics (CIBB) ® International Conference on Machine Learning (\EML) + Intemational Conference on Learning Representations (ICLR) * International Conference on Intelligent Robots and Systems (IROS) = Conference on Knowledge Discovery and Data Mining (KDD) * Conference on Neural Information Processing Systems (NeurIPS) See also + Automated machine learning — Process of automating the application of machi *= Big data — information assets characterized by high volume, velocity, and variety = Differentiable programming — Programming paragigm + List of important publications in machine learning + List of datasets for machine-earning research References ‘Mitchell, Tom (1997). Machine Learning (nitpiwww.cs.cmu.edu/~tomimibook htm). New York: McGraw Hil, ISBN 0-07-042807-7. (OCLC 36417892 (hitps:ihwwwwworldcat orgioclel364 17892) 2. The definition "without being explicitly programmed! is often attributed to Arthur Samuel, who coined the term “machine learning” in 4959, but the phrase is not found verbatim in this publication, and may be a paraphrase that appeared later, Confer "Paraphrasing Actnur Samuel (1958), the question is: How can computers learn to salve problems without being explicitly programmed?" in Koza, John R.; Bennett, Forrest H.; Andre, avid; Keane, Martin A. (1996). "Automated Design of Both the Topology and Sizing of Analog Electrical Circuits Using Genetic Programming’. Artal Inteligence in Design ‘96. Arifcial nteligence in Design '96. Springer, Dordrecht. pp. 151-170. doi 10.1007/978-84-009-0279-4_9 (hitpsfldoi.org/10.1007%2F978-94-009-0279-4 9). ISBN 978-94-010- 6510-5, 3. Hu, Jj Niu, He Carrasco, J; Lennox, B.; Arvin, F.,"Voronol-Based Mult-Robot Autonomous Exploration in Unknown Environments via Deep Reinforcement Learning (hitps:/ieeexplore ieee orgidacumen/8244647)" IEEE Transactions on Vehicular Technology, 2020. Bishop, C. M. (2008), Pattern Recognition and Machine Learning, Springer, ISBN 978-0-387-91073-2 Machine learning and pattern recognition “can be viewed as two facets of the same field." Friedman, Jerome H, (1998), "Data Mining and Statistics: What's the connection?", Computing Science and Statistics. 29 (1): 3-9, ‘What is Machine Learning?” (https:/hvww. ibm, com/cloudllearn/machine-learning). www.bm.com. Retrieved 2021-08-15. Zhou, Victor (2019-12-20). "Machine Learning for Beginners: An Introduction to Neural Networks" (htips:/tawardsdatascience.com/m achine-learning-or-beginners-an-introduction-to-neural-networks-449/22d2389), Mediurr, Retrieved 2021-08-15, 8. Domingos 2015, Chapter 6, Chapter 7 40. Ethem Alpaydin (2020). Introduction fo Machine Learning (Fourth ed.) MIT. pp. xi, 1-3, 13-18, ISBN 978-0262043793, 41, Samuel, Arthur (1959), "Some Studies in Machine Learning Using the Game of Checkers", IBM Journal of Research and Development. 3 (3). 210-228. CiteSeerX 10.1.1.368.2264 (tips icteseerx ist psu.edulviewdoc/summary?d0!=10.1.1 368.2254) doi 10,1147ird.33.0210 (https:/idoi.org/10.11479%2Frd.33.0210) 12. R. Kohavi and F. Provost, "Glossary of terms," Machine Leaming, vol. 30, no. 2-3, pp. 271-274, 1998 13, Geroviteh, Slava (9 April 2015). *How the Computer Got Its Revenge on the Soviet Union" (https:/nautlLusfissue/23/dominoasihow-L he-computer-gotits-revenge-on-the-sovietunion). Nautilus. Retrieves 19 Seplember 2021 14, Lindsay, Richara P. (1 September 1964). "The Impact of Automation On Public Administration” (https:journals sagepub.comvdoi/10. 4177/108591296401700364), Western Poliical Quartery, 17 (3): 78-81. doi 10.1177/106591296401 700364 (https /idoi,org/10.117 7°2F106591296401700364), ISSN 0043-4078 (https: www. wvorldcat.org/issnv0043-4078). S2CID 154021253 (nttps//api semantics cholar-org/CorpusiO: 154021253). Retrieved 6 October 2021 hitpstien wikipedia. orgwikiMachine_learing 28 sm, 12:34 PM Machine learning - Wikipedia 415, Nilsson N. Leaming Machines, McGraw Hil, 1965. 18. Duda, R., Hart P. Pattern Recognition and Scene Analysis, Wiey Interscience, 1973 417. S. Bozinovski "Teaching space: A representation concept for adaptive pattem classification” COINS Technical Report No. 81-28, Computer and Information Science Department, University of Massachusetts at Amherst, MA, 1981 hitips:wob.cs.umass.edulpublcation/docs/1987/UM-CS-1987-028.pa 18, Mitchel T. (1897). Machine Leaming. McGraw Hil p. 2. ISBN 878-0-07-042807-2 18, Hamad, Stevan (2008), "The Annotation Game: On Turing (1950) on Computing. Machinery, and Intligence" (htps:iweb.archive.or gfweb/20120309 113922iti:/eprnts.ocs soton.ac.uk/12954),n Epsicin, Robe"; Peters, Grace (eds), The Turing Test Sourcebook: Phiosopfical and Methodological Issues inthe Guest for the Thinking Compute, Kluwer, pp. 23-86, ISBN 9781402067082, archivos from the orginal (tpleprnts.0cs.soton ac.uk/12954/) 07 2012-03-08, retieved 2012-12-14 20. Introduction to Al Part 1” (htips:fedzion.com!2020/12/09/ntroduetion-to-a-par-t/). Edzion. 2020-12-08. Retrieved 2020-12-08. 21. “AN EMPIRICAL SCIENCE RESEARCH ON BIOINFORMATICS IN MACHINE LEARNING - Journ" (htp:/Awwjournalimoms.org/ Sspecial_issue/an-empircal-science-research-on-boinformatics-in-machine-leamngi). Retrieved 28 October 2020 22, rasbilsat463-deep-learning-s820" (htps//gthub.comirasbUstal453-deep-leaming-ss2O/blobimasteriL.01-ntrofL.0t-into_sides.pdl) (POF). GitHub. 8 November 2021 23, Sarle, Warren (1994), "Neural Networks and statistical models", CiteSeerX 10.1.1.27.699 (htps/citeseerx.ist psu.edulviewdoctsum mary?d0i=10.1.1.27.699) 24, Russell, Stuart; Norvig, Peter (2003) [1998], Artifical Intelligence: A Modem Approach (2nd ed.), Prentice Mall. ISBN 978- 0137803955, 25, Langley, Pat (2011). "The changing science of machine learning” (nttps:/doLorg/10.1007%2Fs10994-011-5242-y). Machine Leaming. 82 (3) 275-279, doi10,1007's10894-011-5242-y (htips:Ido\org/10.1007%2Fs 10994-011-5242-y). 26. Alpaydin, Cthem (2010). Introduction fo Machine Learning (ntip:books google. com/books?id=71SPBAAAQBAJ). MIT Press. p. 9 ISBN 978-0-262-01243-0. 27. Comell University Library (August 200"). "Breiman: Statistical Modeling: The Two Cultures {with comments and a rejoinder by the author) (htpiprojectoucla orgidownloadipat_tleucld.ss/1008213726).Staisical Science. 16 3). dol 10.1244is1009213726 (ht s:ldo\.org/10.1214%2Fs8%42F 1008213728). S2CID 62729017 (nipsi/api semantcscholar.orgCorpusiD:62729017). Retrieved B August 2015, 28, Gareth James: Danisla Witten; Trevor Hastie: Robert Tibshirani (2013), An Introduction to Statistical Learning (hitp:imww-betusc.ed u-garethISLi} Springer. p. vi 29, Mohr, Mehryar; Rostamizadeh, Afshin; Talwalkar, Ameet (2012). Foundations of Machine Leaming. USA, Massachusetts: MIT Press. ISBN 8780262018258. 30. Alpaydin, Ethem (2010). Introduction fo Machine Learning (hiips://archive.orgldetailsintroductiontoma00alpa_0). London: The MIT Press. ISBN 978-0-262-01243-0, Retrieved 4 February 2017. 31. Le Roux, Nicolas; Bengio, Yosnua; Fitzgibbon, Andrew (2012). mproving+First+and+Second- Order# Methods tby*Modeling+Uncertainty&pg=PA403 "Improving First and Second-Order Methods by Modeling Uncertainty" (http '/fo00ks google. com/books?id=JPOx7s2L 1ABCEq=). In Sra, Suvrit, Nowozin, Sebastian, Wright, Stephen J. (eds.)- Optimization for Machine Learning, MIT Press, p, 404, ISBN 9780262016469. 32, Bzdok, Danilo; Altman, Naomi: Krzywinski, Martin (2018). "Statistics versus Machine Learning” (https:/iwww.ncbi.nim nih govipmetart Icles/PMIC6082636). Nature Methods. 15 (4): 233-234. dol 10.1038/nmeth. 4642 (hitps//do\.org/10. 1038%2Frmeth 4642). PMC 6082636 (htips:/imww.ncbi. nlm, nih, gov/pmc/articles/PMCB082636). PMID 30100822 (nttps:/pubmed ncbi.nim.nih gov/3010082 2. 93, Michae! I. Jordan (2014-09-10), “statistics and machine learning” (https/ivww.reddit,comit/Machinel earningicomments/2hxi6vlama michael i jordanickelmtt?contoxt=3), rocdit. Retrieved 2014-10-01 34, Russel, Sluart J: Norvig, Peter (2010). Artificial Inteligence: A Modem Approach (Third ed,), Prentice Hell, ISBN 9780136042594, 35, Mohri, Mehryar; Rostamizadeh, Afshin; Talwalkar, Ameet (2012). Foundations of Machine Leaming. The MIT Press. ISBN 9780262018258. 36, Jordan, Michael L; Bishop, Christopher M, (2004), "Neural Networks", In Allen 8. Tucker (ed.). Computer Science Handbook, ‘Second Eultion (Section Vil: Inteligent Systems). Boca Raton, Florida: Crapman & HallCRC Press LLC. ISBN 978-1-58488-360-9. 37. Alex Ratner, Stephen Bach; Paroma Varma; Chris. "Weak Supervision: The New Programming Paradigm for Machine Leaming” (htt psuwveb archive orgiweb/20190606043931 https:/hazyresearch github jolsnorkeV/blogiws_blog_post html). hazyrosearch.cithub.o. Feferencing work by many ather members of Hazy Research. Archived from the original (hilps:/whazyresearch github io/snorkeUblog! ‘ws_blog_post.html) on 2019-08-06, Retrieved 2019-06-06. 38, van Otterlo, M.; Wiering, M. (2012). Reinforcement leaming and markov decision processes. Reinforcement Leaming. Adaptation, Learning, and Optimization, Vol. 12. pp. 3-42. doi 10, 1007/978-3-642-27645-3 1 (hitps//doi.org/10.1007%2F978-3-642-27645-3 1 39, science.sciencemag.orgleontent/2901550012323 40. towardsdatascience,comiall-machine-leaming-models-explained in-6-minutes-9f630116776a 41, Pavel Brazdil, Christophe Giraud Carter, Carlos Soares, Ricardo Vilalta (2008). Metaleaming: Applications to Data Mining (Fourth ec). Springer Science+Business Media. pp. 1014, passim. ISBN 978-3540732624 42, Bozinovski, S. (1982). “A self-learning system using secondary reinforcement. In Trappl, Robert (ed.). Cybernetics and Systems Research: Proceedings of the Sixth European Meeting on Cybernetics and Systems Research. North Holland. pp. 397-402, ISBN 978.0-444.86488.8, hitpstien wikipedia. orgwikiMachine_learing 1318 612/22, 1234 PM Machine learning - Wikipedia. 43, Bozinovski, Stevo (2014) "Modeling mechanisms of cognition-emotion interaction in artificial neural networks, since 1981." Procedia Computer Sciance p. 255-253 44, Bozinovski, S, (2001) *Sell-learning agents: A connectionist theory of emat ‘Systems 32(6) 637-667 45, ¥. Bengio; A. Counille;P. Vincent (2073). "Representation Leaming: A Review and New Perspectives". IEEE Transactions on Pattern Analysis and Machine Inteligence. 35 (8): 1798~1828. arXiv.1206,5538 (htipsi//arxv orgiabs! 1206, 5538 doi 10.1108"pamv.2013.50 (hitps/idol.org/10.1108%2F pami.2013.50). PMID 23787338 (httpsf/pubmed.ncbi.nim.nin.gov!23787338). S2CID 393948 (httpsi/api.semanticscholar.ora/Corpusi0:393948). 46. Nathan Srebro; Jason D.M. Rennie; Tommi S. Jaakkola (2004). Maximum-Margin Matric Factorization. NIPS, 47. Coates, Adam; Lea, Honglak; Ng, Andrew Y. (201). An analysis of single-layer networks in unsupervised feature learning (hitps:hwe baarchive.orghveb/2017081315361 intp:/machinelearning.wust!.edulmlpapersipaper_fies/AISTATS2011_CoatesNL 11,pdf) (POF) Int! Cont on Al and Statistics (AISTATS). Archived from the original (htp:/machineledrning, wust!.edulmipapers/paper_fles/AISTATS 2011_CoatesNL11.paf) (POF) on 2017-08-13. Retieved 2018-11 48, Ceurka, Gabriella; Dance, Christopher C.; Fan, Lixin; Wilamowski, Jutta; Bray, Cédric (2004), Visual categorization with bags of keypoints (hitps:/iwww.cs.cmu.edul~efrosicourses/LBMVO7/Papersicsurka-eccv-04 pd") (POF), ECCV Workshop on Statstcal Learning in Computer Vision, 49, Daniel Jurafsky; James H. Martin (2008). Speech and Language Processing. Pearson Education Intemational, pp. 145-146, 50. Lu, Haiping; Plataniots, K.N. Venetsanopoulos, A.N. (2011). *A Survey of Mutilinear Subspace Learning for Tensor Data’ (http:tiww ‘w.dsp.utoronto.ca/~haiping/Publication/SurveyMSL_PR2011.pdf) (PDF). Patfern Recognilion. 44 (7): 1540-1551 Bibcode:2011Patfe..44,1540L (https adsabs harvard edulabs/2011PalRe..44,1540L). doi 10.1016), patcog.2011,01,004 (https:id oLorg/10.1016%2F| patcog.2011.01.004) 51, Yoshua Bengio (2009). Leaming Deep Architectures for A (https sfbooks.google.com/books ?id=cqSewg7FriMC&pg=PA3). Now Publishers Inc. pp. ‘3. ISBN 978-1-60198-204 Tilmann, A. M. (2015). "On the Computational Intractability of Exact and Approximate Dictionary Leaming". IEEE Signal Processing Letters. 2 (1): 45-49, arxiv'1405.6664 (nttps:/arxiv.orglabs!1405.6664) Bibcode 201SISPL...22...45T (nifpsiiul.adsabs.harvard.ed Ulabs!2015ISPL...22...45T), doi 10, 1109/1 $P.2014,2345761 (htps lidoi.org/10,1109%2FLSP.2014.2345 761), S2CID 13342762 (http silapi semanticscholar.org/CorpusID:13342762) 53. Aharon, M, M Elad, and A Bruckstein. 2008. "K-SVD: An Algorithm for Designing Overcomplete Dictionaries for Sparse Representation (htipistes.fas.harvard edu/~cs278ipapersiksvd pdf)” Signal Processing, IEEE Transactions on $4 (11): 43114322 54, Zimek, Arthur; Schubert, Erich (2017), "Outlier Detection’, Encyclopedia of Databaso Systems, Springer New York, pp. 1-5, doi 10.1007/978-1-4899-7993-3_80719-1 (htlps:/idoiorg/t0.1007%2F978-1-4899-7993-3 807191), ISBN 9781489979933, 95, Hodge, V. J: Austin, J. (2004). “A Survey of Outlier Detection Methodologies” (http//eprints.whiterose.ac.uk/767/"/hodgevj (PDF). Artificial nteligence Review. 22 (2). 85-125. CiteSeerX 10.1.1.918.4023 (hts./icteseerx ist psu.edu/viewdoc/summary?dol 10.1.1.918.4023), doi 10.1007/s 10462-004-4304 4 (hiipsilidoi.org/10.1007%2Fs 10462-004~4304-y). S2CID 59941878 (hiips/lapi.s ‘emanticscholar orgiCorpusiD'59941878) 6. Dokas, Paul; Ertoz, Levent; Kumar, Vipin; Lazarevic, Aleksandar; Srvastava, Jaideep; Tan, Pang-Ning (2002). “Data mining for network intrusion detection” (ntfp:/hwiw.csee umbe.edu/~kolar1/Miningingdm/dokas.pdf) (PDF). Proceedings NSF Workshop on Next Generation Data Mining. 57. Chandola, V.; Banerjee, A.; Kumar, V. (2009). "Anomaly detection: A survey". ACM Computing Surveys. 41 (3): 1-98. doi 10.1146/1541880.1541882 (hitps:/dolorg/10.1145%2F 1541880.1541882). S2CID 207172599 (hiips:/apl semanticscholar.org/C orpusl0:207172598) 58. Fleer, S., Moringen, A. Klatzky, R. L Rite, H. (2020). "Learning efficient haptic shape exploration with a rigid tactile sensor array, S. Fleer, A. Moringen, R. Klatzky, H. Ritter" (httpsifAvww.ncbi.nim.nih.govipmedarticles/PMC6940144), PLOS ONE, 15 (1). 20226860, arXiv 1902.07501 (htips/arxiv orgiabs!1902.0750"). doi 10.137 journal. pone.0226880 (htips:/doi.org/10.1371%2Fjoural.pone.02 26880). PMC 6940144 (htipsiwww.ncbi.nim.nih.govipme/articles/PMC6940144). PMID 31896135 (htips//pubmed.ncbi.nlm.nin.gov! 31896135) 59, Moringen, Alexandra: Fleer, Sascha; Welck, Guillaume; Ritter, Helge (2020), Nisky, lina; Hartcher-O'Brien, Jess: Wiertlewski, Michaél; Smeets, Jeroen (eds.), "Attention-Based Robot Learning of Haptic Interaction” (nttp:/ink springer.com/10.1007/978-3-030- 8147-3 51), Haptics: Science, Technology, Applications, Cham: Springer International Publishing, vol. 12272, pp. 462-470, doi 10.1007/978-3-030.58147-3 51 (hitps:/dol org/10.1007%2F978-3-030-58147-3 51), ISBN 978-3-030-58146-6, ‘SCID 220068113 (hitps:/iapi.sémanticscholar.org/CorpusID:220069113), reirioved 2022-01-19 60. Piatetsky-Shapiro, Gregory (1991), Discovery, analysis, and presentation of strong rules, in Piatetsky-Snapiro, Gregory; and Frawley, William J. eds., Knowledge Discovery in Databases, AAAIMIT Press, Cambridge, MA. 61, Bassel, George Ws: Glaab, Enrico; Marquez, Julietta; Holdsworth, Michael J; Bacardit, Jaume (2011-09-01). "Functional Network Construction in Arabidopsis Using Rule-Based Machine Learning on Large-Scale Data Sets" (htps/www.ncbi.nim.nih.govipmesarticl es/PMC3203449), The Plant Cell. 23 (9): 3101-3115, doi 10,1105\tpe. 111,088153 (https:/dol org/10.1105%2F ip 11,088153) ISSN 1832-298X (https:/hwww.woridcat orgiissn/1532-298X). PMC 3203449 (https Jiwww.nebi.nim.nih.govipmefarticles/PMIC320344 9), PMID 21896882 (https/pubmed.ncoi.nlm.nin.gov/2 1896882} 62, Agrawal, R.; Imieliiski, ; Swami, A. (1993). "Mining association rules between sets of items in large databases", Proceedings of the 1993 ACM SIGMOD intermational conference on Management of data - SIGMOD 93, p, 207, CleSeerX 10,1.1,40,6984 (htips:/ictes ‘een st psu.edulviewdoc/summary?dai=10.1.1.0.6984). doi:10.1145/170035.170072 (htipsfido\.org/10.1145%2F 170035..170072). ISBN 978-0897915922. S2CID 480415 (hitps:/iapi.semanticscholar.org/CorpuslD:490415) 63, Urbanowicz, Ryan J.; Moore, Jason H, (2009-09-22), "Learning Classifier Systems: A Complete Introduction, Review, and Roadmap" htins//do\,org/10.1185%2F2009%2F736398). Journal of Arificial Evolution and Applications. 2009: 1-25. doi 10.7186/2009/736398 (htipsifdoi.org/10.1155%2F2009%2F736398). ISSN 1687-6229 (hitps:/iwwwworldcat orgiissn/1687-6229). based on crossbar value judgment.” Cybernetics and hitpstien wikipedia. orgwikiMachine_learing 1418 612/22, 1234 PM Machine learning - Wikipedia. 64, Plotkin G.D. Automatic Methods of Inductive Inference (hitpsilwww.eralib.ed.ac.ukfbitstream/handle/1842/6656/PIotkin1972,pdl:seq uuence=1), PhD thesis, University of Edinburgh, 1870. 65, Shapiro, Ehud Y, Inductive inference of theories from facts (htptp.cs.yale.eduipublications/techreportst-192.pdf), Research Report 192, Yale Unversity, Department of Computer Science, 1861. Reprinted in JL. Lassez, G. Plotkin (Eds.), Computational Logic, The MIT Press, Cambridge, MA, 1981, pp. 198-254 66. Shapiro, Ehud Y. (1983). Algorithmic program debugging. Cambridge, Mass: MIT Press, ISBN 67, Shapiro, Ehud Y. "The model inference system (htip:/él.acm .orglitation.fm?id=1623364) Conference on Artificial inteligence-Volume 2. Morgan Kaufmann Publishers Inc., 1981 668, Honglak Lee, Roger Grosse, Rajesh Ranganath, Andrew Y. Ng. "Convolutional Deep Belief Networks for Scalable Unsupervised Leaming of Hierarchical Representations (http:citeseerx ist. psu.edulviewdocidownioad?doi=10.1.1.149.802&rep=rep &type=pal)” Proceedings ofthe 26th Annual International Conference on Machine Learning, 2008, Cortes, Corinna; Vapnik, Viadimir N. (1995). "Support-vector networks" (htps:/idoi.org/10.1007%2F BFO0984018). Machine Leaming. 20 (3): 273-287, doi 10. 100718F00884018 (hitps:/doi.org/10.1007%2FBF00994018) 70, Stevenson, Christopher. Tutorial: Polynomial Regression in Excet” (hitpsfaculystaffrichmond.edu/~cstevens/30 /Excol4 htm). Tacultystaff richmond edi, Retieved 22 January 2017. 71, Goldberg, David E.; Holland, John H. (1988), "Genetic algorithms and machine learning” (htps:/ideepblue.ip.umich.edulbitstream/20 27.42146847/'/10894_2005 Article 422826 pat) (PDF). Machine Leaning. 3 (2) 95-89. dot 10.1007/bf00113892 (htips/doi.org/1. 41007%2F bf001713882) S2CID 35506513 (htips:/api semanticscholarorgiCorpusi0:35508513) 72. Michie, D.; Spiegethater,D. J; Taylor, C. C. (1994). "Machine Learning, Neural and Statistical Classification’. Elis Horwood Series in Artificial inteligence, Bibcode:1984mins.book....M (hitps:/uizadsabs.harvard,edu/abs/1984mins.bOOk....M 73. Zhang, Jun; Zhan, Zhi-hui; Lin, Ying; Chen, Ni; Gong, Yue-iao; Zhong, Jing-hui; Chung, Henry S.H.; Li, Yun; Shi, Yu-hui (2011) “Evolutionary Computation Meets Machine Learning: A Survey". Computational Inteligence Magazine. 6 (4): 68-75. di10.1109/mei 2011 962584 (htts:/doi org/10.1109%2F mei 2011, 942584). S2CID 6760276 (https://api semanticscholar.org/Corpu s10:6760276) 174, "Federated Learing: Collaborative Machine Learning without Centralized Training Data" (hitp:/ai,googleblog.com/2017/04/federated Jeaming-collaboratve.himl). Google Al Blog. Retileved 2018-06-08. 75, Mactine learning is included in the CFA Curriculum (¢iscussion is top down); see: Kathleen DeRose and Christophe Le Lanno (2020), "Machine Leaming” (nips:/hvonw cfainsttut.org-/media/documents/study-session’2020-12-ss3.ashx) 76, "BelKor Home Page" (hips:siveb.archive.orgiweb/20151110062742ihtp:shww2 research at.com/~volnskyinetia/) research att.com 7. "The Netflix Tech Blog: Netfix Recommendations: Beyond the 5 stars (Part 1)" (hitps:/hveb.archive.orgiweb/20160531002816/http:/ €chtog netfix.com/2012/04/netfix-recommendations-beyond--stas.himl). 2012-04-06, Archived from the original (hitp:/techblog.n effix.con/20 12/04/netfix-recommendations-beyond.5-stars.him) on 31 May 2016. Retrieved 8 August 2015, 78. Scott Patterson (13 July 2010). "Letting the Machines Decide" (https:/iwww.wsj.comlarticles/SB100014240527487038346045753653 10813948080). The Wall Sireet Jounal. Retrieved 24 June 2018, 79. Vinod Khosla (January 10, 2012). "Do We Need Doctors or Algorithms? (htips:/techerunch.conv2012/01/10/doctors-or-algorthms/) Tech Grunch 80, When A Machine Learning Algorthm Studied Fine Art Paintings, It Saw Things Art Historians Had Never Noticed (htips/imedium.co imithe-physics-antv-blogiwhen-2-machine-leaming-algorthm-studied-fine-at-paintings-i-sav-things-art-historians-had-never-bede Pof7d3e), The Physics at ArXiv blog 81. Vincent, James (2019-04-10). “The frst A-generated textbook shows what robot witers are actualy good at (itps:/wwwtheverge. ccom/2019/4/10/18304558/ai-witing-academic-research-book-springer-nature-arificalnteligence). The Verge. Retrieved 2018-05-05, 82, Vaishya, Raju; Javaid, Mohd: Khan, brahim Haleem; Haleem, Abid (July 1, 2020), “Artificial Inteligence (Al) applications for COVID- 19 pandemic" (hitps:/hvwnw ncbi.nlm.nih govipmcariiles/PMC7195043). Diabotos & Metabolic Syndrome. Clinical Research & Reviews. 14 (4) 33/~339. doi 10.1016).dsx.2020.04.012 (hitps/fdo.org/10.1016%2F}.dsx.2020.04.012). PMC 7195043 (httpsww ‘w.nebi.nim nih. govipmelanticles/PMG7195043), PMID 32305024 (hiips//pubmed ncbi nln.rih.gov/3230502 Rezapouraghdam, Hamed: Akhshik, Arash; Ramkissoon, Haywantee (March 10, 2021), "Application of machine leaming to predict visitors’ green behavior in marine protected areas: evidence from Cyprus" (htps:fdoi org/10.1080%2F 09569582.2021.1887878) Journal of Susianable Tourism +~25, dt 10, 1080/09669582.2021. 1887878 (Ntps//do.org/10.1080%2F09669582.2021.1887878 £84, Dey, Somain; Singh, Amit Kumar; Wang, Xigohang; McDonald-Maier, Klaus (2020-06-15). "User interaction Aware Reinforcement Leaming for Power and Thermal Efficiency of CPU-GPU Mobile MPSoCs* (hitps:eeexplore.ieee.org/document'9116284). 2070 Design, Aufomation Test in Europe Conference Exhibiion (DATE): 1728-1733. doi 10,2381/DATE48585.2020 9116294 (hitps doi org/10.23919%2F DATE48S5B5.2020.9116294). ISBN 976-3-8819263-4-7. S2CID 219856480 (htios//api semanticscholar.org/Corpus| 0219858480) 85, Questes, Tony, "Smartphones get smarter with Essex innovation | Business Weekly | Technology News | Business news | Cambridge and the East of England’ (htps:/hvww businessweeky.co.ukinews/academia-research/smariphones-gel-smartet-essexi innovation). www.businassweekiy.co.uk. Reltieved 2021-06-17. £86, Willams, Rhiannon (2020-07-21), *Future smartphones ‘will prolong their own battery Ife by monitoring owners behaviour” (ottps ‘news.co.uk/news/technology/futuressmartphones-prolong-battery-lfe-monitoring-behaviout-S58689). Retrieved 2021-06-17 87. "Why Machine Learning Models Often Fal to Learn: QuickTake Q&A" (hitps:iweb archive.org web/201703202250*Ofhtips:/Aww blo omberg.cominews/aricles/2016-11-10hwhy-machine-leaming-modets-often-fal-o-learn-quicktake-q-a). Bloomberg.com. 2016-11-10 Arch ved from the orginal (https ziwww.bloomberg.com/ewsiarticles/2016-11-10/why-machine-leaming-models-often-fai-o-leam-qu icktake-qra) 07 2017-03-20, Reirioved 2017-04-10. 162-19218-7 roceadings ofthe 7th Intemational joint a hitpstien wikipedia. orgwikiMachine_learing 1918 612/22, 1234 PM Machine learning - Wikipedia. £88, "The First Wave of Corporate Al Is Doomed to Fail (htpsilhbr.org/201 7/04/the-frst-wave-of-corporate Businoss Reviow. 2017-04-18. Retrieved 2018-08-20. 89, "Why the A.|. euphoria is doomed to fail” (https:venturebeat,com/2016/09/17/why-the-a--euphoria-s-doomed-to-fail), VentureBeat 2016-09-18, Retrieved 2018-08-20. 80. "9 Reasons why your machine learning project wil fl” (hitps:Ihvww.kdnuggets.com/2018/07/why-machine-learning-project-ail htm) ‘www knuggets.com. Retieved 2018-08-20. 1, ‘Why Ubor's setfdriving car killed a pedestrian” (htips:/Awwnw.economist,comithe-economist-explains/2018/05/28iwhy-ubers-salf-crivi ing-car-kiled-a-pedestrian). The Economist. Retrieved 2018-08-20. 92, "IBM's Watson recommended ‘unsafe and incorrect’ cancer treatments « STAT” (https:/www.stainews.com/2018/07/25/ibm-watsoner ‘ecommended-unsafe-incorrecttreatmentsi). STAT. 2018-07-25. Rotrievad 2018-08-21 93. Hemandez, Daniela; Greenwald, Ted (2018-08-11). "IBM Has a Watson Dilemma’ (hitps:/imww.ws) comiaticles/ibm-bet-bilions-that- ‘atson-could-improve-cancer-treatment-it-hasnt-worked-1533961147). Wail Sirect Journal. [SSN 0099-9660 (hiips./iwwww.voridcat.o ‘glissr/0099-9660). Retreved 2018-08-21 94, Reddy, Shivani M.; Patel, Snella; Weyrich, Meghan; Fenton, Joshua; Viswanathan, Meera (2020). "Comparison ofa traditional systematic review approach with review-of-eviews and semi-automation as strategies to update the evidence” (htips:/imww.ncbi.nl ‘munin.govipmcianicles/PM(C7574591). Systematic Reviews. 9 (1): 243. doi 10. 1186/s13643-020-01450-2 (hitps//doi org/10.1186%2 F5s13643-020.01450-2). ISSN 2046-4053 (hitps:/mww.worldcal.orgfssn/2046-4063). PMC 7574591 (htips:/iverw.ncbinim.nih.govip ‘mc/articles!PMG7574591), PMID 33076975 (nttps:/pubmed ncbi.nim.nin govl33076875) 95, Garcia, Megan (2016). "Racist in the Machine”. World Policy Journal. 33 (4): 111117. dol:10.1215/07402775-3813015 (hitps:dol.or /10.1215%2F07402775-3813015). ISSN 0740-2775 (https:siwww worldcat org/issm0740-2775). S2CID 151595343 (hitps:/iapi.sem antiescholar.org/CorpusiD:151595343} 98, Caliskan, Aylin; Bryson, Joanna J.; Narayanan, Arvind (2017-04-14), "Semantics derived automatically from language corpora Contain human-like biases". Science. 356 (6334); 183-188. arXiv 1608.07187 (htipsJartv.org/abs/1608.07187) Bibcode:2017Sci..966..183C (https, adsabs,harvard.edu/abs/2017Sc...356,.183C). dol 10, 126/science.aal4230 (httpsl/dol.org! 10.1126%2F science aal4230). ISSN 0036-8075 (htips,/www.worldcat orgiissn/0038-8075). PMID 28408601 (https//pubmed.ncbi.nl ‘munin.gov/28408601). S2CID 23163324 (https:/api. semanticscholar.org/CorpusID:23163324) 97. Wang, Xinan; Dasgupta, Sanjoy (2016), Lee, D. D.; Sugiyama, M.; Luxburg, U. V.; Guyon, |. (eds.), "An algorithm for L1 nearest neighbor search via monotonic embedding” (http:/ipapers.nips.ce/paper!6227-an-algorithm-fr-11-nearest-neighbor-search-via-monot onic-embedding paf) (POF), Advances in Neural information Procossing Systems 29, Curran Associates, Inc., pp. 983-991 relieved 2018-08-20 98, Julia Angwin; Jef Larson; Lauren Kirchner; Surya Mattu (2018-05-23). *Machine Bias" (hitps:/www.propublica.org/article/machine-bi as-risk-assessments-in-criminal-sentencing). ProPublica. Retrieved 2018-08-20. "Opinion | When an Algorithm Helps Send You to Prison” (htps:/wawnytimes.com/2017/10/26/opinionvalgorithm-compas-sentencin gbias htm). New York Times. Retrieved 2018-08-20. 100. "Google apologises for racist blunder” (hitps:/hmww.bbe.co.ukinews/technology-33347866). BBC News. 2015-07-01. Retrieved 2018-08-20. 101. "Google ‘fixed’ ts racist algorithm by removing gorilas from its image-labeling tech" (https:/www.heverge.com/2018/1/12/16882408/ e-acist-gorilas-photo-recognition-algorithm-a). The Verge. Retrieved 2018-08-20, 102, “Opinion | Artificial Inteligence's White Guy Problem’ (htips:/Avww.nytimes.com/2016/06/26/opinion/sunday/artfcial-inteligences-whi ‘e-guy-problem him). New York Times. Retrieved 2018-08-20. 103. Metz, Rachel. "Why Microsoft's teen chatbot, Tay, said lots of awful things online” (htps:/Avaw technologyreview.com/s/601111/why microsoft-accidentally-unleashed-a-neo-nazi-sexboV) IIT Tochnology Review. Retrieved 2018-08-20. 104. Simonite, Tom. "Microsoft says its racist chatbot illustrates how Al isnt adaptable enough to help most businesses" (hitps:/uww.tech nolagyreviewcom/s/603944/microsoftai-snt-yet-adaptable-enough-to-nelp-businasses!), M7 Tachnology Review. Retfioved 2018-08-20. 105, Hempel, Jess’ (2018-11-13), "Fei-Fet Li's Quest to Make Machines Better for Humanity” (htips:vwww.wired.com/storyifei-fe-i-atifcia Hinteligence-humanityl) Wired. ISSN 1059-1028 (htips:Jhwww.worldeat.orglissn/1059-1028). Retrieved 2019-02-17. 108. Domingos 2016, p. 286 107. *Single pixel change foots Al programs" (hiips:/hwww.boc, com/newsitechnology-41845878). BC News. 3 November 2017. Archived htips:/web archive, org/web/201803220 11306 /htp www. bbc, cominews/technology-4 1845878) (rom the original on 22 March 2018, Retreved 12 March 2018. 108. “Al Has a Hallucination Problem That's Proving Tough to Fix” (htps:/iwww.wired.comistorylai-has-2-hallucination-problem-thats-provi ing-tough-to-in). WIRED. 2018. Archived (hitpsiiweb archive orgiweb/20*80312024533inttps:/www wired. comistory/a-has-a-halluc ination-problem-thats-proving-tough-to-fi) from the original on 12 March 2018. Retrieved 12 March 2018, 109, *Adversarial Machine Learning - CLTC UC Berkeley Center for Long-Term Cybersecurity” (hitps:l/lte berkeley edulamil). CLTC. 110, *Machine-learning models vulnerable to undetectable backdoors” (htips:vwwtheregister.com/2022/04/2imachine_leaming_model 5 _backdoors/). The Register Retrieved 13 May 2022 ‘11 "Undetectable Backdoors Plantable In Any Machine-Learning Algorithm" (ntps:/spectrum jeee.orgimachine-learningbackdoor). IEEE Spectrum. 10 May 2022. Retrieved 13 May 2022. 112. Goldwasser, Shafi; Kim, Michael P.; Vaikuntanathan, Vinod; Zamir, Or (14 April 2022). "Planting Undetectable Backdoors in Machine Learning Models". arXiv:2204.06974 (hitps//arxiv.org/abs/2204.06974) [cs.LG (htipsiarv orglarchiveles. LG) 1113. Kohavi, Ron (1995). “A Study of Cross-Validation and Bootstrap for Accuracy Estimation and Model Selection” (hitp:/web.cs.iastate ‘edultian/es573/Papers/Kohavi-lJCAL-95.pd) (PDF). International Joint Conference on Artifical Inteligence. -doomed-to-fail. Harvard 99 hitpsten.wikipeia.orgwikiMachine_learing 1618 612/22, 1234 PM Machine learning - Wikipedia. 114, Pontus, Robert Gilmore; Si, Kangping (2014). "The total operating characteristic to measure diagnostic abilly for multiple thresholds". Intemational Joumal of Geographical information Science. 28 (3): 570583. doi:10,10B0/136588 16,2013, 862623 (http s:iIdoi.org/10.1080%2F 13658816,2013,862623), S2CID 28204880 (hitps:/api.semanticscholar.orgiCorpusi0:28204880). 115, Bostrom, Nick (20). "The Ethics of Arificial Inteligence" (htps:web archive. orgiweb/20‘60304016020nttp:/iww.nickbostrom co ‘miethicsiatficial-inteligence.pd¥) (POF). Avchived trom the original (htip:www.nickbostrom,comlethics/articial-inteligence.pdf), (POF) on 4 March 2016. Retreved 11 Api 2016, 116. Egionwe, Tolulope. "The fight against racist algorithms” (ntps:theoutline.com/post/157 \hhe-fight-against-racst-algoritms). The Outline, Retrieved 17 November 2017. 417. Jefties, Adrianne, "Machine learning is racist because the internet is racist’ (hitps:/theoutine.comipost/1438/machine-learing-s-ra ist-because-the-intemetis-racist). The Ouline. Relrieved 17 November 2017 118, Bostrom, Nick: Yudkowsky, Elezer (2011), "THE ETHICS OF ARTIFICIAL INTELLIGENCE* (nttps:/mww.nickbostrom.comvethics/at ficial-inteligence pa) (POF). Nick Bostrom MOR, Prates, PH.C. Avelar,L.C. Lamb (11 Mar 2019). “Assessing Gender Bies in Machine Translation ~ A Case Study with Google Translate". arXiv 1808.62208 (hitps:/arxv.orglabs/1809,02208) [cs.CY (https art orgarchiveles. CY) Narayanan, Arvind (August 24, 206), "Language necessary contains human biases, and so wil machines trained on language corpora" (hitps:/freedom-to-tinker.com/20 16/08/24/language-necessariy-contains-human-biases-and-so-will machines-trained-or-ia Inguage-corporal). Freedom to Tinker. 121, Char, Danton S.: Shah, Nigam H.; Magnus, David (2018-03-15), implementing Machine Learning in Health Gare — Addressing Ethical Challenges” (hitps:/wwau.ncb.nlm.nih gov/pmelarticles/PMC5962261). Now England Journ di 10, 1056/NEJMp17 14229 (https. org/10, 1056%2FNEJMp1714226). ISSN 0028-4793 (nitpsvww.woridcat.orgiissn/0028-47 93), PMC 5962261 (htips:/iwww.ncbinim.nih.govlpmefaricles/PMC596226 1), PMID 29539284 (https. /Ipubmed.ncbi.nim.nih.govi295 38284) 122, Char, D.S.; Shah, N. H.; Magnus, D. (2018). “Implementing Machine Learning in Health Care—Addressing Ethical Challenges” (hitp silwww.ncbi nlm.nih gov/pmelartcles/PMC5962261). New England Journal of Medicine. 378 (11): 981-989. di 10.1056ineimp1714229 (hitps:fdoi.org/0.1056%2Fneimp17 14228). PMC 5962261 (httosiwww.ncbi.nlm.nih.govipmclarticles/P MC5962261), PMID 29535284 (hitpsJipubmed.ncbi.nm.nin. gov'20539284) 123, Research, Al (23 October 2015), "Deep Neural Networks for Acoustic Modeling in Speech Recogrition”(htp//aresearch.comlai~res, ‘arch-papersideep-neural-networks-for-acoustic-modeling-n-speech-recogniian).airesearch.com. Retrieved 23 October 2015. 124, "GPUs Continue to Dominate the Al Accelerator Market for Now” (hitps:/hvaw informationweek.comibig-data/ai-machineeaming/ap is-continue-to-dominate-the-ai-accelerator-market-or-nowla/é-id!1336675). InformationWeek. December 2019. Retrieved 11 June 2020. 125. Ray, Tieman (2019). “Als changing the entire nature of compute" (htps:/iwww.zdnet.comiarticle/as-changing-the-entire-nature-of- compute). ZONet. Retrieved 11 June 2020. "Al and Compute” (nttps/lopenai.com/bloglai~and-computel), OpenAl. 16 May 2078, Retrieved 11 June 2020, 127. *Comell & NTT's Physical Neural Networks: A "Radical Alternative for Implementing Deop Neural Networks" That Enables Arbitrary Physical Systems Training | Synced” (hitps:/syncedreview.com/202105/27 deepmind-podracer-Ipu-based--frameworks-deliver-exc eptional-performance-atiow-cost-28)). 27 Nay 2021 128, "Nano-spaghelt to solve neural network power consumption” (htips:siwww.sheregister.com/2021/10/0S/analogue_neural_network re search) 128. Fatoutis, Xenofon; Marchegiani, Letizia; Elsts, A's; Pope, James; Piechocki, Robert Craddock, lan (2018-05-07). "Extending the battery Ifetime of wearable sensors with embedded machine learning” (htps:/ieeexplore ieee orglabstract/document/&3551167casa token=LCpUeGLS 1e8AAAAA.20juJINWZBnVZpgDxinEAC-jbrETy_BpTeX36_af qN6IULFxutxbYbVSRpD-2Md4GCUMELyG) 2018 IEEE 4th World Forum on Internet of Things (We-107)- 268-274, doi-10.1108NWF-oT.2018,8355116 (htipsi/doi.org/10.1108%2 FWE-o7-2018.8355 116). hdl 1983/b8idb58b-7114-45c6-82e4-4ab239c1327f (htips:/Indl handle net/1963%2F bB‘dDSBb-7114-45c6-B 2ed-4ab'239c13271), ISBN 978-1-4673-9944-9, S2CID 19192912 (hitos:/api.semanticscholar.orgiCorpusiD:19182912) 130, "A Beginner's Guide To Machine learning For Embedded Systems" (htps:/Janalticsindiamag.com/a-beginners-quide-to-machine-lea ining for-embedded-systems!). Anaiyics India Magazine, 2021-06-02. Retrieved 2022-01-17 131, Synced (2022-01-12), "Google, Purdue & Harvard U's Open-Source Framework for inyML Achieves up to 75x Speedups on FPGAS | Syncea*(hitps/'syncadreview.com/2022/01/12/deepmind-podracer-tpu-based-r-rameworks-deliver-exceptional-performance-at-lo ‘wecost-183)). syncodreview.com. Retrieved 2022-01-17 132, Gir, Davide; Chiu, Kuan-Lin; Di Gugliimo, Giuseppe; Mantovani, Paolo; Carlri, Luca P. (2020-06-16). "ESPA4ML: Platform-Based Design of Systems-on-Chip for Embedded Machine Learning" (hitps:eeexplore ieee. org/abstractidocument91163177casa_token= 51_TmgrrbudAAAAAW7pDHPEW/RUo2Vk3pU06194P00-W21UOdyZqADr2arRdP&ZOMLwArjJSAHUnHtzimLu_VdgW). 2020 n, Automation Test in Europe Conference Exhibition (DATE): 1049—1054, arXiv 2004.03640 (htips:/arxv.orgabs/2004,03640), doi 10.23919/DATE48585.2020.9116317 (htips/idoi org/10.23818%42FDATE48585,2020.9116317). ISBN 978-3-9819263-4-7 ‘S2CID 210928464 (hitps//api semanticscholar.org/CorpusID-210928161) 133, Louis, Marcia Sahaya; Azad, Zahra: Delshadtehrani, Lelia; Gupta, Suyog; Warden, Pete; Red, Viay Janapa: Joshi, Ajay (2019) "Towards Deep Learning using TensorFlow Lite on RISC-V" (hitps:/edge.seas harvard. edu/publications/towards-deep-leaming-using Aensorfow-Ite-isc-v). Harvard University. Retrieved 2022-01-17, 134, Ibrahim, Ali; Osta, Mari; Alameh, Mohamad; Saleh, Moustafa; Chible, Hussein; Valle, Maurizio (2019-04-21), "Approximate ‘Computing Methods for Embedded Machine Leaming” (hitps/ieeexplore.iece.orglabstractidocument’8617877?casa_token=ar UWS (Oy-t2WAAAAA I9,GodlfskMEKGNFUNSZAF /EBv_8kYT27ERTXIXugjAqar CcDbbw[BdgwXvb6QAH -OVJuJ). 2078 257) IEEE Intemational Conference on Electronics, Circuits and Systems (ICECS): 846-848, doi 10.1108/ICECS.2018,8617877 (hitps:idoi.org/ 10.1109%42F IGECS.2018.8617877), ISBN 976-1-6386-8562-8. S2CID 58670712 (htps:api semanticscholar.orgiCorpusI0.5867071 2). hitpsten.wikipeia.orgwikiMachine_learing 118 612/22, 1234 PM Machine learning - Wikipedia. 135, tdblp: TensorFlow Eager: A Mult-Stage, Python-Embedded DSL for Machine Learning" (ltps:/blp.orgirecijournals/corrlabs-1903-0 4855.him), dbjp.org. Retrieved 2022-01-17, 136, Branco, ‘érgio; Ferrera, André G,; Cabral, Jorge (2019-11-08), "Machine Leaming in Resource-Scarce Embedded Systems, FPGAs, and End-Devices: A Survey’ (https:/dol.org/10.3390%2Felectronios8111289). Electronics. 8 (11): 1280. doi 10.3380/electronics8111289 (htipsJ/do\.org/10.3390%2F electronics8 111289). ISSN 2079-9282 (hitps:/www.worldcat orgissn/20 79-9282). Sources ' Domingos, Pedro (September 22, 2016). The Master Algorithm: How the Quest forthe Utimate Learning Machine Will Remake Our Worid. Basio Books, ISBN 978-0465085707. Nilsson, Nils (1998). Artifical nfeligence: A New Synthesis (htips/iarchive.org/details/artifcialintel0000nils). Morgan Kaufmann. ISBN 978-1-55860-467-4, Archived (ntips/web archive orq/web/20200726 131654 hips: //archive. orgidetailsiarificiaintell0000niis) ‘rom the original on 26 July 2020. Retrieved 18 November 2019. Russell, Stuart J-; Norvig, Peter (2003), Artificial Intelligence: A Modern Approach (hitpliaima.cs.berkeley.edul) (2nd ed.), Upper Saddle River, New Jersey: Prentice Mall, ISBN 0-13-780396-2. + Poole, David: Mackworth, Alan; Goebel, Randy (1988). Computational Inteligence: A Logical Approach (niips:larchive.orgdetalsico ‘putational (00pool). New York: Oxford University Press. ISBN 978-0-19-510270-3, Archived (nitps:/web, archive, orgiweb/2020072 6131436/https:/archive.orgidetails/computationalintOOpool) from tho original on 26 July 2020. Retrioved 22 August 2020. Further reading ' Nils J. Nilsson, Introduction to Machine Learning (httos:/ai stan ford.edu/people/niissonv/mlbook.htma!) ' Trevor Hastie, Robert Tibshirani and Jerome H. Friedman 200"), The Elements of Statistical Learning (hitos:/web.stanfo ‘d.odu/-hastie/ElomStatLearn), Springer. ISBN 0-387-95284- 5 = Pedro Domingos (September 2015), The Master Algorithm, Basic Books, ISBN 978-0-465-06570-7 * lan H. Witten and Elbe Frank (2011). Data Mining: Practical ‘machine leaming tools and techniques Morgan Kaufmann, 564pp., ISBN 978-0-12-374856-0. = Ethem Alpaydin (2004). Introduction to Machine Learning, MIT Press, ISBN 978-0-262-01243-0, = David J. C. MacKay. Information Theory, Inorence, and Learning Algonthms (hitp:/iwwrw.inference,phy.cam.ac.uk/mack ay/itiarbook html) Cambridge: Camridge University Press, 2003, ISBN 0-521-64298-4 External links Richard 0. Duda, Peter E. Hart, David G. Stork (2001) Pattern Classification (2nd edition), Wiley, New York, ISBN 0-471- 5669-3, Christopher Bishop (1995). Neural Networks for Pattem Recognition, Ox‘ord University Press. ISBN 0-19-853864.2 Stuart Russell & Peter Norvig, (2009). Artificial inteligence — A Moder Approach (htp:/aima.cs.borkoley.edu/). Pearson, ISBN 9789332543515, Ray Solomonoff, An Inductive Inference Me Convention Record, Section on Information 56-62, 1957 Ray Solomonoff, An Inductive Inference Machine (http:/world.s {e.com/rjsfindinf56,pdl) A privately circulated report from the “7956 Dartmouth Summer Research Conference on Al Kevin P, Murphy (202"), Probabilistic Machine Learning: An Introduction (htps:/probml github. iofpmi-book/book htm), MIT Press, ' «Quotations related to Machine learning at Wikiquote ' International Machine Learning Society (hitps:iweb archive. orgiweb/20171230081341 http Imachinelearing.org/) = mioss (ntips:/mloss.orgl) is an academic database of open-source machine learning software. Rotrioved fom "tpl wikipedia orgwindx psi This page was last odted on 26 May 2022, at 07:44 (UTC). Privacy Poly. Wikipedia® isa rag hitpsten.wikipeia.orgwikiMachine_learing ‘wademark of he Waimesia Foundation, In refit organization s8n8

You might also like